diff --git a/notebooks/AGIPD/AGIPD_Correct_and_Verify.ipynb b/notebooks/AGIPD/AGIPD_Correct_and_Verify.ipynb
index 9770751f9a3bc86acfe33f00c52f71cf52d7369b..e38e3245e24c1af6486941f4c6120fcb6efa8dfd 100644
--- a/notebooks/AGIPD/AGIPD_Correct_and_Verify.ipynb
+++ b/notebooks/AGIPD/AGIPD_Correct_and_Verify.ipynb
@@ -36,19 +36,18 @@
     "\n",
     "slopes_ff_from_files = \"\" # Path to locally stored SlopesFF and BadPixelsFF constants, loaded in precorrection notebook\n",
     "\n",
-    "use_dir_creation_date = True # use the creation data of the input dir for database queries\n",
+    "creation_time = \"\"  # To overwrite the measured creation_time. Required Format: YYYY-MM-DD HR:MN:SC e.g. \"2022-06-28 13:00:00\"\n",
     "cal_db_interface = \"tcp://max-exfl016:8015#8045\" # the database interface to use\n",
     "cal_db_timeout = 30000 # in milliseconds\n",
     "creation_date_offset = \"00:00:00\" # add an offset to creation date, e.g. to get different constants\n",
     "\n",
-    "mem_cells = 0  # Number of memory cells used, set to 0 to automatically infer\n",
-    "bias_voltage = 0  # bias voltage, set to 0 to use stored value in slow data.\n",
-    "acq_rate = 0. # the detector acquisition rate, use 0 to try to auto-determine\n",
+    "mem_cells = -1  # Number of memory cells used, set to 0 to automatically infer\n",
+    "bias_voltage = -1  # bias voltage, set to 0 to use stored value in slow data.\n",
+    "acq_rate = -1. # the detector acquisition rate, use 0 to try to auto-determine\n",
     "gain_setting = -1  # the gain setting, use -1 to use value stored in slow data.\n",
     "gain_mode = -1  # gain mode (0: adaptive, 1-3 fixed high/med/low, -1: read from CONTROL data)\n",
-    "overwrite = True # set to True if existing data should be overwritten\n",
     "max_pulses = [0, 352, 1] # range list [st, end, step] of memory cell indices to be processed within a train. 3 allowed maximum list input elements.\n",
-    "mem_cells_db = 0 # set to a value different than 0 to use this value for DB queries\n",
+    "mem_cells_db = -1  # set to a value different than 0 to use this value for DB queries\n",
     "integration_time = -1 # integration time, negative values for auto-detection.\n",
     "\n",
     "# Correction parameters\n",
@@ -127,10 +126,9 @@
     "import math\n",
     "import multiprocessing\n",
     "import re\n",
-    "import traceback\n",
     "import warnings\n",
     "from datetime import timedelta\n",
-    "from logging import warn\n",
+    "from logging import warning\n",
     "from pathlib import Path\n",
     "from time import perf_counter\n",
     "\n",
@@ -142,7 +140,7 @@
     "import matplotlib\n",
     "import matplotlib.pyplot as plt\n",
     "import yaml\n",
-    "from extra_data import H5File, RunDirectory, stack_detector_data, by_id\n",
+    "from extra_data import RunDirectory, stack_detector_data\n",
     "from extra_geom import AGIPD_1MGeometry, AGIPD_500K2GGeometry\n",
     "from matplotlib import cm as colormap\n",
     "from matplotlib.colors import LogNorm\n",
@@ -156,8 +154,6 @@
     "sns.set_context(\"paper\", font_scale=1.4)\n",
     "sns.set_style(\"ticks\")\n",
     "\n",
-    "import cal_tools\n",
-    "import seaborn as sns\n",
     "from cal_tools import agipdalgs as calgs\n",
     "from cal_tools.agipdlib import (\n",
     "    AgipdCorrections,\n",
@@ -168,10 +164,12 @@
     "from cal_tools.ana_tools import get_range\n",
     "from cal_tools.enums import AgipdGainMode, BadPixels\n",
     "from cal_tools.step_timing import StepTimer\n",
-    "\n",
-    "sns.set()\n",
-    "sns.set_context(\"paper\", font_scale=1.4)\n",
-    "sns.set_style(\"ticks\")"
+    "from cal_tools.tools import (\n",
+    "    CalibrationMetadata,\n",
+    "    calcat_creation_time,\n",
+    "    map_modules_from_folder,\n",
+    "    module_index_to_qm,\n",
+    ")"
    ]
   },
   {
@@ -285,7 +283,7 @@
     "else:\n",
     "    modules = [int(x[-2:]) for x in karabo_da]\n",
     "\n",
-    "print(\"Process modules:\", ', '.join(cal_tools.tools.module_index_to_qm(x) for x in modules))\n",
+    "print(\"Process modules:\", ', '.join(module_index_to_qm(x) for x in modules))\n",
     "print(f\"Detector in use is {karabo_id}\")\n",
     "print(f\"Instrument {instrument}\")\n",
     "print(f\"Detector instance {dinstance}\")"
@@ -328,7 +326,7 @@
    "outputs": [],
    "source": [
     "# set everything up filewise\n",
-    "mapped_files, _, total_sequences, _, _ =  cal_tools.tools.map_modules_from_folder(\n",
+    "mapped_files, _, total_sequences, _, _ =  map_modules_from_folder(\n",
     "    str(in_folder), run, path_template, karabo_da, sequences\n",
     ")\n",
     "file_list = []\n",
@@ -378,22 +376,21 @@
    "metadata": {},
    "outputs": [],
    "source": [
-    "# Evaluate creation time\n",
-    "creation_time = None\n",
-    "if use_dir_creation_date:\n",
-    "    creation_time = cal_tools.tools.get_dir_creation_date(str(in_folder), run)\n",
-    "    offset = parser.parse(creation_date_offset)\n",
-    "    delta = timedelta(hours=offset.hour, minutes=offset.minute, seconds=offset.second)\n",
-    "    creation_time += delta\n",
-    "\n",
-    "if acq_rate == 0.:\n",
+    "# Run's creation time:\n",
+    "creation_time = calcat_creation_time(in_folder, run, creation_time)\n",
+    "offset = parser.parse(creation_date_offset)\n",
+    "delta = timedelta(hours=offset.hour, minutes=offset.minute, seconds=offset.second)\n",
+    "creation_time += delta\n",
+    "print(f\"Creation time: {creation_time}\")\n",
+    "\n",
+    "if acq_rate == -1.:\n",
     "    acq_rate = agipd_cond.get_acq_rate()\n",
-    "if mem_cells == 0.:\n",
+    "if mem_cells == -1:\n",
     "    mem_cells = agipd_cond.get_num_cells()\n",
     "# TODO: look for alternative for passing creation_time\n",
     "if gain_setting == -1:\n",
     "    gain_setting = agipd_cond.get_gain_setting(creation_time)\n",
-    "if bias_voltage == 0.:\n",
+    "if bias_voltage == -1:\n",
     "    bias_voltage = agipd_cond.get_bias_voltage(karabo_id_control)\n",
     "if integration_time == -1:\n",
     "    integration_time = agipd_cond.get_integration_time()\n",
@@ -410,9 +407,9 @@
    "outputs": [],
    "source": [
     "if mem_cells is None:\n",
-    "    raise ValueError(f\"No raw images found in {filename}\")\n",
+    "    raise ValueError(f\"No raw images found for {instrument_src_mod}\")\n",
     "\n",
-    "mem_cells_db = mem_cells if mem_cells_db == 0 else mem_cells_db\n",
+    "mem_cells_db = mem_cells if mem_cells_db == -1 else mem_cells_db\n",
     "\n",
     "print(f\"Maximum memory cells to calibrate: {mem_cells}\")"
    ]
@@ -443,7 +440,7 @@
     "if gain_mode:\n",
     "    for to_disable in disable_for_fixed_gain:\n",
     "        if corr_bools.get(to_disable, False):\n",
-    "            warn(f\"{to_disable} correction was requested, but does not apply to fixed gain mode\")\n",
+    "            warning(f\"{to_disable} correction was requested, but does not apply to fixed gain mode\")\n",
     "            corr_bools[to_disable] = False"
    ]
   },
@@ -467,7 +464,7 @@
     "        cell_sel = LitFrameSelection(r, train_ids, max_pulses, energy_threshold, use_super_selection)\n",
     "        cell_sel.print_report()\n",
     "    except LitFrameFinderError as err:\n",
-    "        warn(f\"Cannot use AgipdLitFrameFinder due to:\\n{err}\")\n",
+    "        warning(f\"Cannot use AgipdLitFrameFinder due to:\\n{err}\")\n",
     "        cell_sel = CellRange(max_pulses, max_cells=mem_cells)\n",
     "else:\n",
     "    # Use range selection\n",
@@ -494,11 +491,11 @@
     "            photon_energy = (h * c / e) / (wavelength_data.as_single_value(rtol=1e-2) * 1e-6)\n",
     "            print(f'Obtained photon energy {photon_energy:.3f} keV from {use_xgm_device}')\n",
     "        except ValueError:\n",
-    "            warn('XGM source available but photon energy varies greater than 1%, '\n",
+    "            warning('XGM source available but photon energy varies greater than 1%, '\n",
     "                 'photon rounding disabled!')\n",
     "            round_photons = False\n",
     "    else:\n",
-    "        warn('Neither explicit photon energy nor XGM device configured, photon rounding disabled!')\n",
+    "        warning('Neither explicit photon energy nor XGM device configured, photon rounding disabled!')\n",
     "        round_photons = False\n",
     "elif round_photons:\n",
     "    print(f'Photon energy for rounding: {photon_energy:.3f} keV')"
@@ -563,7 +560,7 @@
     "# Retrieve calibration constants to RAM\n",
     "agipd_corr.allocate_constants(modules, (3, mem_cells_db, 512, 128))\n",
     "\n",
-    "metadata = cal_tools.tools.CalibrationMetadata(metadata_folder or out_folder)\n",
+    "metadata = CalibrationMetadata(metadata_folder or out_folder)\n",
     "# NOTE: this notebook will not overwrite calibration metadata file\n",
     "const_yaml = metadata.get(\"retrieved-constants\", {})\n",
     "\n",
@@ -573,14 +570,13 @@
     "\n",
     "    Metadata for constants is taken from yml file or retrieved from the DB\n",
     "    \"\"\"\n",
-    "    err = \"\"\n",
     "    k_da = module_index_to_karabo_da[mod]\n",
-    "    try:\n",
-    "        # check if there is a yaml file in out_folder that has the device constants.\n",
-    "        if k_da in const_yaml:\n",
-    "            when = agipd_corr.initialize_from_yaml(k_da, const_yaml, mod)\n",
-    "            print(f\"Found constants for {k_da} in calibration_metadata.yml\")\n",
-    "        else:\n",
+    "    # check if there is a yaml file in out_folder that has the device constants.\n",
+    "    if k_da in const_yaml:\n",
+    "        when = agipd_corr.initialize_from_yaml(k_da, const_yaml, mod)\n",
+    "        print(f\"Found constants for {k_da} in calibration_metadata.yml\")\n",
+    "    else:\n",
+    "        try:\n",
     "            # TODO: replace with proper retrieval (as done in pre-correction)\n",
     "            when = agipd_corr.initialize_from_db(\n",
     "                karabo_id=karabo_id,\n",
@@ -597,10 +593,10 @@
     "                only_dark=False,\n",
     "            )\n",
     "            print(f\"Queried CalCat for {k_da}\")\n",
-    "    except Exception as e:\n",
-    "        err = f\"Error: {e}\\nError traceback: {traceback.format_exc()}\"\n",
-    "        when = None\n",
-    "    return err, mod, when, k_da\n",
+    "        except Exception as e:\n",
+    "            warning(f\"Module: {k_da}, {e}\")\n",
+    "            when = None\n",
+    "    return mod, when, k_da\n",
     "\n",
     "\n",
     "print(f'Preparing constants (FF: {agipd_corr.corr_bools.get(\"xray_corr\", False)}, PC: {any(agipd_corr.pc_bools)}, '\n",
@@ -759,11 +755,8 @@
     "fst_print = True\n",
     "timestamps = {}\n",
     "\n",
-    "for i, (error, modno, when, k_da) in enumerate(const_out):\n",
-    "    qm = cal_tools.tools.module_index_to_qm(modno)\n",
-    "    # expose errors while applying correction\n",
-    "    if error:\n",
-    "        print(\"Error: {}\".format(error) )\n",
+    "for i, (modno, when, k_da) in enumerate(const_out):\n",
+    "    qm = module_index_to_qm(modno)\n",
     "\n",
     "    if k_da not in const_yaml:\n",
     "        if fst_print:\n",
@@ -772,14 +765,12 @@
     "\n",
     "        module_timestamps = {}\n",
     "\n",
-    "        # If correction is crashed\n",
-    "        if not error:\n",
-    "            print(f\"{qm}:\")\n",
-    "            for key, item in when.items():\n",
-    "                if hasattr(item, 'strftime'):\n",
-    "                    item = item.strftime('%y-%m-%d %H:%M')\n",
-    "                when[key] = item\n",
-    "                print('{:.<12s}'.format(key), item)\n",
+    "        print(f\"{qm}:\")\n",
+    "        for key, item in when.items():\n",
+    "            if hasattr(item, 'strftime'):\n",
+    "                item = item.strftime('%y-%m-%d %H:%M')\n",
+    "            when[key] = item\n",
+    "            print('{:.<12s}'.format(key), item)\n",
     "\n",
     "        # Store few time stamps if exists\n",
     "        # Add NA to keep array structure\n",
@@ -787,10 +778,7 @@
     "            if when and key in when and when[key]:\n",
     "                module_timestamps[key] = when[key]\n",
     "            else:\n",
-    "                if error is not None:\n",
-    "                    module_timestamps[key] = \"Err\"\n",
-    "                else:\n",
-    "                    module_timestamps[key] = \"NA\"\n",
+    "                module_timestamps[key] = \"NA\"\n",
     "        timestamps[qm] = module_timestamps\n",
     "\n",
     "seq = sequences[0] if sequences else 0\n",
diff --git a/notebooks/AGIPD/AGIPD_Retrieve_Constants_Precorrection.ipynb b/notebooks/AGIPD/AGIPD_Retrieve_Constants_Precorrection.ipynb
index 800f64282429256367a0a5ac53db5b2f7c0ecb09..bbb32e928c2784a85ea2c1b28b58a1c39cb8388f 100644
--- a/notebooks/AGIPD/AGIPD_Retrieve_Constants_Precorrection.ipynb
+++ b/notebooks/AGIPD/AGIPD_Retrieve_Constants_Precorrection.ipynb
@@ -20,28 +20,25 @@
     "in_folder = \"/gpfs/exfel/exp/SPB/202030/p900119/raw\" # the folder to read data from, required\n",
     "out_folder =  \"/gpfs/exfel/data/scratch/ahmedk/test/AGIPD_\"  # the folder to output to, required\n",
     "metadata_folder = \"\"  # Directory containing calibration_metadata.yml when run by xfel-calibrate\n",
-    "sequences =  [-1] # sequences to correct, set to -1 for all, range allowed\n",
     "modules = [-1] # modules to correct, set to -1 for all, range allowed\n",
     "run = 80 # runs to process, required\n",
     "\n",
     "karabo_id = \"SPB_DET_AGIPD1M-1\" # karabo karabo_id\n",
     "karabo_da = ['-1']  # a list of data aggregators names, Default [-1] for selecting all data aggregators\n",
-    "path_template = 'RAW-R{:04d}-{}-S{:05d}.h5' # the template to use to access data\n",
     "ctrl_source_template = '{}/MDL/FPGA_COMP_TEST'  # path to control information\n",
     "instrument_source_template = '{}/DET/{}:xtdf'  # path in the HDF5 file to images\n",
     "receiver_template = \"{}CH0\" # inset for receiver devices\n",
     "karabo_id_control = \"SPB_IRU_AGIPD1M1\" # karabo-id for control device\n",
     "\n",
-    "use_dir_creation_date = True # use the creation data of the input dir for database queries\n",
+    "# Parameters for calibration database.\n",
     "cal_db_interface = \"tcp://max-exfl016:8015#8045\" # the database interface to use\n",
     "creation_date_offset = \"00:00:00\" # add an offset to creation date, e.g. to get different constants\n",
+    "creation_time = \"\"  # To overwrite the measured creation_time. Required Format: YYYY-MM-DD HR:MN:SC e.g. \"2022-06-28 13:00:00\"\n",
     "\n",
     "slopes_ff_from_files = \"\" # Path to locally stored SlopesFF and BadPixelsFF constants\n",
-    "calfile =  \"\" # path to calibration file. Leave empty if all data should come from DB\n",
-    "nodb = False # if set only file-based constants will be used\n",
-    "mem_cells = 0 # number of memory cells used, set to 0 to automatically infer\n",
-    "bias_voltage = 0  # bias voltage, set to 0 to use stored value in slow data.\n",
-    "acq_rate = 0. # the detector acquisition rate, use 0 to try to auto-determine\n",
+    "mem_cells = -1  # number of memory cells used, set to 0 to automatically infer\n",
+    "bias_voltage = -1  # bias voltage, set to 0 to use stored value in slow data.\n",
+    "acq_rate = -1.  # the detector acquisition rate, use 0 to try to auto-determine\n",
     "gain_setting = -1  # the gain setting, use -1 to use value stored in slow data.\n",
     "gain_mode = -1  # gain mode (0: adaptive, 1-3 fixed high/med/low, -1: read from CONTROL data)\n",
     "integration_time = -1 # integration time, negative values for auto-detection.\n",
@@ -53,7 +50,6 @@
     "blc_noise = False # if set, baseline correction via noise peak location is attempted\n",
     "blc_stripes = False # if set, baseline corrected via stripes\n",
     "blc_hmatch = False # if set, base line correction via histogram matching is attempted\n",
-    "match_asics = False # if set, inner ASIC borders are matched to the same signal level\n",
     "adjust_mg_baseline = False # adjust medium gain baseline to match highest high gain value"
    ]
   },
@@ -85,21 +81,28 @@
    "metadata": {},
    "outputs": [],
    "source": [
+    "import numpy as np\n",
+    "from logging import warning\n",
     "from pathlib import Path\n",
-    "from typing import List, Tuple\n",
+    "from typing import Tuple\n",
     "\n",
-    "import matplotlib\n",
-    "import matplotlib.pyplot as plt\n",
     "import multiprocessing\n",
-    "import numpy as np\n",
     "from datetime import timedelta\n",
     "from dateutil import parser\n",
     "from extra_data import RunDirectory\n",
     "\n",
-    "matplotlib.use(\"agg\")\n",
-    "\n",
-    "from cal_tools import agipdlib, tools\n",
+    "from cal_tools.agipdlib import (\n",
+    "    AgipdCtrl,\n",
+    "    SnowResolution,\n",
+    "    assemble_constant_dict,\n",
+    ")\n",
     "from cal_tools.enums import AgipdGainMode\n",
+    "from cal_tools.tools import (\n",
+    "    calcat_creation_time,\n",
+    "    get_from_db,\n",
+    "    module_index_to_qm,\n",
+    "    CalibrationMetadata,\n",
+    ")\n",
     "from iCalibrationDB import Conditions, Constants, Detectors"
    ]
   },
@@ -112,7 +115,9 @@
     "# slopes_ff_from_files left as str for now\n",
     "in_folder = Path(in_folder)\n",
     "out_folder = Path(out_folder)\n",
-    "metadata = tools.CalibrationMetadata(metadata_folder or out_folder)"
+    "metadata = CalibrationMetadata(metadata_folder or out_folder)\n",
+    "# Constant paths & timestamps are saved under retrieved-constants in calibration_metadata.yml\n",
+    "retrieved_constants = metadata.setdefault(\"retrieved-constants\", {})"
    ]
   },
   {
@@ -121,21 +126,17 @@
    "metadata": {},
    "outputs": [],
    "source": [
-    "creation_time = None\n",
-    "if use_dir_creation_date:\n",
-    "    creation_time = tools.get_dir_creation_date(str(in_folder), run)\n",
-    "    offset = parser.parse(creation_date_offset)\n",
-    "    delta = timedelta(hours=offset.hour, minutes=offset.minute, seconds=offset.second)\n",
-    "    creation_time += delta\n",
-    "    print(f\"Using {creation_time} as creation time\")\n",
-    "\n",
-    "if sequences[0] == -1:\n",
-    "    sequences = None\n",
+    "# Run's creation time:\n",
+    "creation_time = calcat_creation_time(in_folder, run, creation_time)\n",
+    "offset = parser.parse(creation_date_offset)\n",
+    "delta = timedelta(hours=offset.hour, minutes=offset.minute, seconds=offset.second)\n",
+    "creation_time += delta\n",
+    "print(f\"Creation time: {creation_time}\")\n",
     "    \n",
     "print(f\"Outputting to {out_folder}\")\n",
     "out_folder.mkdir(parents=True, exist_ok=True)\n",
     "\n",
-    "melt_snow = False if corr_bools[\"only_offset\"] else agipdlib.SnowResolution.NONE"
+    "melt_snow = False if corr_bools[\"only_offset\"] else SnowResolution.NONE"
    ]
   },
   {
@@ -190,7 +191,7 @@
    "metadata": {},
    "outputs": [],
    "source": [
-    "agipd_cond = agipdlib.AgipdCtrl(\n",
+    "agipd_cond = AgipdCtrl(\n",
     "    run_dc=run_dc,\n",
     "    image_src=None,  # Not neededed, as we wont read mem_cells or acq_rate.\n",
     "    ctrl_src=ctrl_src,\n",
@@ -198,7 +199,7 @@
     "\n",
     "if gain_setting == -1:\n",
     "    gain_setting = agipd_cond.get_gain_setting(creation_time)\n",
-    "if bias_voltage == 0.:\n",
+    "if bias_voltage == -1:\n",
     "    bias_voltage = agipd_cond.get_bias_voltage(karabo_id_control)\n",
     "if integration_time == -1:\n",
     "    integration_time = agipd_cond.get_integration_time()\n",
@@ -215,6 +216,22 @@
     "## Retrieve Constants ##"
    ]
   },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "pc_bools = [  # flags that points to the need for retrieving SlopesPC and BadPixelsPC constants.\n",
+    "    corr_bools.get(\"rel_gain\"),\n",
+    "    corr_bools.get(\"adjust_mg_baseline\"),\n",
+    "    corr_bools.get('blc_noise'),\n",
+    "    corr_bools.get('blc_hmatch'),\n",
+    "    corr_bools.get('blc_stripes'),\n",
+    "    melt_snow,\n",
+    "]"
+   ]
+  },
   {
    "cell_type": "code",
    "execution_count": null,
@@ -236,29 +253,25 @@
     "    # check if this module has images to process.\n",
     "    if instrument_src.format(idx) not in instr_dc.all_sources:\n",
     "        print(\"ERROR: No raw images found for \"\n",
-    "              f\"{tools.module_index_to_qm(idx)}({k_da}).\")\n",
+    "              f\"{module_index_to_qm(idx)}({k_da}).\")\n",
     "\n",
     "        return None, k_da, None, None\n",
     "\n",
     "    agipd_cond.image_src = instrument_src.format(idx)\n",
     "\n",
-    "    if mem_cells == 0:\n",
+    "    if mem_cells == -1:\n",
     "        # Read value from fast data.\n",
     "        local_mem_cells = agipd_cond.get_num_cells()\n",
     "    else:\n",
     "        # or use overriding notebook parameter.\n",
     "        local_mem_cells = mem_cells\n",
     "\n",
-    "    if acq_rate == 0.:\n",
+    "    if acq_rate == -1.:\n",
     "        local_acq_rate = agipd_cond.get_acq_rate()\n",
     "    else:\n",
     "        local_acq_rate = acq_rate\n",
     "\n",
-    "    # avoid retrieving constant, if requested.\n",
-    "    if nodb_with_dark:\n",
-    "        return None, k_da, None, None\n",
-    "\n",
-    "    const_dict = agipdlib.assemble_constant_dict(\n",
+    "    const_dict = assemble_constant_dict(\n",
     "        corr_bools,\n",
     "        pc_bools,\n",
     "        local_mem_cells,\n",
@@ -268,7 +281,7 @@
     "        photon_energy=9.2,\n",
     "        gain_mode=gain_mode,\n",
     "        beam_energy=None,\n",
-    "        only_dark=only_dark,\n",
+    "        only_dark=False,\n",
     "        integration_time=integration_time\n",
     "    )\n",
     "\n",
@@ -288,7 +301,7 @@
     "\n",
     "        if slopes_ff_from_files and const_name in [\"SlopesFF\", \"BadPixelsFF\"]:\n",
     "            const_mdata[\"file-path\"] = (\n",
-    "                f\"{slopes_ff_from_files}/slopesff_bpmask_module_{tools.module_index_to_qm(idx)}.h5\")  # noqa\n",
+    "                f\"{slopes_ff_from_files}/slopesff_bpmask_module_{module_index_to_qm(idx)}.h5\")  # noqa\n",
     "            const_mdata[\"creation-time\"] = \"00:00:00\"\n",
     "            continue\n",
     "        \n",
@@ -301,7 +314,7 @@
     "        else:\n",
     "            condition = getattr(Conditions, cond_type).AGIPD(**cond_param)\n",
     "\n",
-    "        _, mdata = tools.get_from_db(\n",
+    "        _, mdata = get_from_db(\n",
     "            karabo_id,\n",
     "            k_da,\n",
     "            getattr(Constants.AGIPD, const_name)(),\n",
@@ -333,33 +346,10 @@
    "metadata": {},
    "outputs": [],
    "source": [
-    "# Constant paths & timestamps are saved under retrieved-constants in calibration_metadata.yml\n",
-    "retrieved_constants = metadata.setdefault(\"retrieved-constants\", {})"
-   ]
-  },
-  {
-   "cell_type": "code",
-   "execution_count": null,
-   "metadata": {},
-   "outputs": [],
-   "source": [
-    "pc_bools = [corr_bools.get(\"rel_gain\"),\n",
-    "            corr_bools.get(\"adjust_mg_baseline\"),\n",
-    "            corr_bools.get('blc_noise'),\n",
-    "            corr_bools.get('blc_hmatch'),\n",
-    "            corr_bools.get('blc_stripes'),\n",
-    "            melt_snow]\n",
     "inp = []\n",
-    "only_dark = False\n",
-    "nodb_with_dark = False\n",
-    "if not nodb:\n",
-    "    only_dark = (calfile != \"\")\n",
-    "if calfile != \"\" and not corr_bools[\"only_offset\"]:\n",
-    "    nodb_with_dark = nodb\n",
-    "\n",
     "da_to_qm = dict()\n",
     "for module_index, k_da in zip(modules, karabo_da):\n",
-    "    da_to_qm[k_da] = tools.module_index_to_qm(module_index)\n",
+    "    da_to_qm[k_da] = module_index_to_qm(module_index)\n",
     "    if k_da in retrieved_constants:\n",
     "        print(\n",
     "            f\"Constant for {k_da} already in calibration_metadata.yml, won't query again.\")\n",
@@ -403,21 +393,17 @@
     "        f\"mem_cells: {mem_cells_mods}.\\nacq_rate: {acq_rate_mods}.\")\n",
     "\n",
     "# check if it is requested not to retrieve any constants from the database\n",
-    "if nodb_with_dark:\n",
-    "    print(\"No constants were retrieved as calibrated files will be used.\")\n",
-    "else:\n",
-    "\n",
-    "    print(\"\\nRetrieved constants for modules:\",\n",
-    "          ', '.join([tools.module_index_to_qm(x) for x in modules]))\n",
-    "    print(f\"Operating conditions are:\")\n",
-    "    print(f\"• Bias voltage: {bias_voltage}\")\n",
-    "    print(f\"• Memory cells: {mem_cells}\")\n",
-    "    print(f\"• Acquisition rate: {acq_rate}\")\n",
-    "    print(f\"• Gain mode: {gain_mode.name}\")\n",
-    "    print(f\"• Gain setting: {gain_setting}\")\n",
-    "    print(f\"• Integration time: {integration_time}\")\n",
-    "    print(f\"• Photon Energy: 9.2\")\n",
-    "    print(\"Constant metadata is saved under \\\"retrieved-constants\\\" in calibration_metadata.yml\\n\")"
+    "print(\"\\nRetrieved constants for modules:\",\n",
+    "        ', '.join([module_index_to_qm(x) for x in modules]))\n",
+    "print(f\"Operating conditions are:\")\n",
+    "print(f\"• Bias voltage: {bias_voltage}\")\n",
+    "print(f\"• Memory cells: {mem_cells}\")\n",
+    "print(f\"• Acquisition rate: {acq_rate}\")\n",
+    "print(f\"• Gain mode: {gain_mode.name}\")\n",
+    "print(f\"• Gain setting: {gain_setting}\")\n",
+    "print(f\"• Integration time: {integration_time}\")\n",
+    "print(f\"• Photon Energy: 9.2\")\n",
+    "print(\"Constant metadata is saved under \\\"retrieved-constants\\\" in calibration_metadata.yml\\n\")"
    ]
   },
   {