diff --git a/_modules/icenet/deep/autogradxgb.html b/_modules/icenet/deep/autogradxgb.html index 0b38f258..aa460013 100644 --- a/_modules/icenet/deep/autogradxgb.html +++ b/_modules/icenet/deep/autogradxgb.html @@ -529,17 +529,20 @@
[docs]
class XgboostObjective():
def __init__(self, loss_func: Callable[[Tensor, Tensor], Tensor], mode='train', loss_sign=1,
- flatten_grad=False, skip_hessian=False, hessian_const=1.0, device='cpu'):
+ flatten_grad=False, hessian_mode='constant', hessian_const=1.0, device='cpu'):
self.mode = mode
self.loss_func = loss_func
self.loss_sign = loss_sign
self.device = device
- self.skip_hessian = skip_hessian
+ self.hessian_mode = hessian_mode
self.hessian_const = hessian_const
self.flatten_grad = flatten_grad
- print(__name__ + f'.__init__: Using device: {self.device} | skip_hessian = {self.skip_hessian} | hessian_const = {self.hessian_const}')
+ if self.hessian_mode == 'constant':
+ print(__name__ + f': Using device: {self.device} | hessian_mode = {self.hessian_mode} | hessian_const = {self.hessian_const}')
+ else:
+ print(__name__ + f': Using device: {self.device} | hessian_mode = {self.hessian_mode}')
def __call__(self, preds: np.ndarray, targets: xgboost.DMatrix):
@@ -574,19 +577,34 @@ Source code for icenet.deep.autogradxgb
[docs]
def derivatives(self, loss: Tensor, preds: Tensor):
-
- # Gradient
+ """ Gradient and Hessian diagonal
+ """
+
+ ## Gradient
grad1 = torch.autograd.grad(loss, preds, create_graph=True)[0]
- # Diagonal elements of the Hessian matrix
- grad2 = self.hessian_const * torch.ones_like(grad1)
+ ## Diagonal elements of the Hessian matrix
+
+ # Constant
+ if self.hessian_mode == 'constant':
+ grad2 = self.hessian_const * torch.ones_like(grad1)
+
+ # Squared derivative based approximation
+ elif self.hessian_mode == 'squared_approx':
+ grad2 = grad1 * grad1
- if not self.skip_hessian:
- print('Computing Hessian ...')
+ # Exact autograd
+ elif self.hessian_mode == 'exact':
+
+ print(__name__ + f'.derivatives: Computing Hessian diagonal with exact autograd ...')
+
for i in tqdm(range(len(preds))): # Can be very slow
grad2_i = torch.autograd.grad(grad1[i], preds, retain_graph=True)[0]
grad2[i] = grad2_i[i]
+ else:
+ raise Exception(__name__ + f'.derivatives: Unknown "hessian_mode" {self.hessian_mode}')
+
grad1, grad2 = grad1.detach().cpu().numpy(), grad2.detach().cpu().numpy()
if self.flatten_grad:
@@ -595,7 +613,6 @@ Source code for icenet.deep.autogradxgb
return grad1, grad2
-
x = copy.deepcopy(data_trn.x)
MI_x = copy.deepcopy(data_trn_MI)
+ # Custom loss string of type 'custom_loss:loss_name:hessian:hessian_mode'
+
if strs[1] == 'binary_cross_entropy':
- if len(strs) == 3 and 'hessian' in strs[2]:
- print('Using Hessian with custom loss')
- skip_hessian = False
+ if 'hessian' in strs:
+ hessian_mode = strs[strs.index('hessian')+1]
else:
- skip_hessian = True
+ hessian_mode = 'constant'
- a['obj'] = autogradxgb.XgboostObjective(loss_func=_binary_cross_entropy, skip_hessian=skip_hessian, device=device)
+ a['obj'] = autogradxgb.XgboostObjective(loss_func=_binary_cross_entropy, hessian_mode=hessian_mode, device=device)
a['params']['disable_default_eval_metric'] = 1
elif strs[1] == 'sliced_wasserstein':
- if len(strs) == 3 and 'hessian' in strs[2]:
- print('Using Hessian with custom loss')
- skip_hessian = False
+ if 'hessian' in strs:
+ hessian_mode = strs[strs.index('hessian')+1]
else:
- skip_hessian = True
+ hessian_mode = 'constant'
- a['obj'] = autogradxgb.XgboostObjective(loss_func=_sliced_wasserstein, skip_hessian=skip_hessian, device=device)
+ a['obj'] = autogradxgb.XgboostObjective(loss_func=_sliced_wasserstein, hessian_mode=hessian_mode, device=device)
a['params']['disable_default_eval_metric'] = 1
else:
- raise Exception(__name__ + f'.train_xgb: Unknown custom loss {strs[1]}')
+ raise Exception(__name__ + f'.train_xgb: Unknown custom loss {strs[1]} (check syntax)')
#!
del a['params']['eval_metric']
diff --git a/modules/icenet.html b/modules/icenet.html
index ea282d19..b49944f4 100644
--- a/modules/icenet.html
+++ b/modules/icenet.html
@@ -757,11 +757,12 @@ icenet.deepicenet.deep.autogradxgb¶
-
-class XgboostObjective(loss_func: Callable[[Tensor, Tensor], Tensor], mode='train', loss_sign=1, flatten_grad=False, skip_hessian=False, hessian_const=1.0, device='cpu')[source]¶
+class XgboostObjective(loss_func: Callable[[Tensor, Tensor], Tensor], mode='train', loss_sign=1, flatten_grad=False, hessian_mode='constant', hessian_const=1.0, device='cpu')[source]¶
-
+
Gradient and Hessian diagonal
+
-
diff --git a/searchindex.js b/searchindex.js
index d31e60f8..a3946a64 100644
--- a/searchindex.js
+++ b/searchindex.js
@@ -1 +1 @@
-Search.setIndex({"alltitles": {"AI-algorithms and models": [[15, "ai-algorithms-and-models"]], "Advanced ML-training technology": [[15, "advanced-ml-training-technology"]], "Automated selectors and combinatorics for distributions": [[15, "automated-selectors-and-combinatorics-for-distributions"]], "Automated setup": [[14, "automated-setup"]], "Basic design principles": [[15, "basic-design-principles"]], "C-library versions": [[14, "c-library-versions"]], "CMSSW setup": [[13, "cmssw-setup"]], "Conda virtual environment commands": [[14, "conda-virtual-environment-commands"]], "Contents": [[0, "contents"]], "First steps": [[0, "first-steps"]], "Folder structure": [[15, "folder-structure"]], "GPU-support commands": [[14, "gpu-support-commands"]], "HTCondor GPU job submission": [[14, "htcondor-gpu-job-submission"]], "Indices and Tables": [[0, "indices-and-tables"]], "Initialize the environment": [[14, "initialize-the-environment"]], "Installation": [[14, "installation"]], "Introduction": [[15, "introduction"]], "Markup": [[16, "markup"]], "Notes": [[0, null]], "Package Reference": [[0, null]], "Possible problems": [[14, "possible-problems"]], "Pre-installed CUDA paths (OBSOLETE)": [[14, "pre-installed-cuda-paths-obsolete"]], "Preliminaries: CMSSW release setup": [[13, "preliminaries-cmssw-release-setup"]], "Preliminaries: Conda installation": [[14, "preliminaries-conda-installation"]], "Preliminaries: SSH public key to github": [[13, "preliminaries-ssh-public-key-to-github"]], "References": [[0, "references"]], "Show installation paths of binaries": [[14, "show-installation-paths-of-binaries"]], "Sun Grid Engine (SGE) / HTCondor execution": [[15, "sun-grid-engine-sge-htcondor-execution"]], "YAML-configuration files": [[15, "yaml-configuration-files"]], "icebrem": [[1, "icebrem"]], "icebrem.common": [[1, "module-icebrem.common"]], "icebrk": [[2, "icebrk"]], "icebrk.PDG": [[2, "module-icebrk.PDG"]], "icebrk.common": [[2, "icebrk-common"]], "icebrk.cutstats": [[2, "module-icebrk.cutstats"]], "icebrk.fasthistos": [[2, "module-icebrk.fasthistos"]], "icebrk.features": [[2, "module-icebrk.features"]], "icebrk.histos": [[2, "module-icebrk.histos"]], "icebrk.loop": [[2, "module-icebrk.loop"]], "icebrk.tools": [[2, "module-icebrk.tools"]], "icedqcd": [[3, "icedqcd"]], "icedqcd.common": [[3, "module-icedqcd.common"]], "icedqcd.deploy": [[3, "module-icedqcd.deploy"]], "icedqcd.graphio": [[3, "module-icedqcd.graphio"]], "icedqcd.limits": [[3, "module-icedqcd.limits"]], "icedqcd.optimize": [[3, "module-icedqcd.optimize"]], "icefit": [[4, "icefit"]], "icefit.abcd": [[4, "module-icefit.abcd"]], "icefit.commutator": [[4, "module-icefit.commutator"]], "icefit.cortools": [[4, "module-icefit.cortools"]], "icefit.dequantize": [[4, "module-icefit.dequantize"]], "icefit.em": [[4, "module-icefit.em"]], "icefit.icelimit": [[4, "module-icefit.icelimit"]], "icefit.jacobian": [[4, "module-icefit.jacobian"]], "icefit.lognormal": [[4, "module-icefit.lognormal"]], "icefit.mantissa": [[4, "module-icefit.mantissa"]], "icefit.mine": [[4, "module-icefit.mine"]], "icefit.peakfit": [[4, "module-icefit.peakfit"]], "icefit.score": [[4, "module-icefit.score"]], "icefit.statstools": [[4, "module-icefit.statstools"]], "icehgcal": [[5, "icehgcal"]], "icehgcal.common": [[5, "module-icehgcal.common"]], "icehgcal.graphio": [[5, "module-icehgcal.graphio"]], "icehgcal.preprocess": [[5, "module-icehgcal.preprocess"]], "icehnl": [[6, "icehnl"]], "icehnl.common": [[6, "module-icehnl.common"]], "iceid": [[7, "iceid"]], "iceid.common": [[7, "module-iceid.common"]], "iceid.graphio": [[7, "module-iceid.graphio"]], "icemc": [[8, "icemc"]], "icemc.icemc": [[8, "module-icemc.icemc"]], "icenet": [[9, "icenet"]], "icenet.algo": [[9, "icenet-algo"]], "icenet.algo.analytic": [[9, "module-icenet.algo.analytic"]], "icenet.algo.flr": [[9, "module-icenet.algo.flr"]], "icenet.algo.nmf": [[9, "module-icenet.algo.nmf"]], "icenet.deep": [[9, "icenet-deep"]], "icenet.deep.autogradxgb": [[9, "module-icenet.deep.autogradxgb"]], "icenet.deep.bnaf": [[9, "module-icenet.deep.bnaf"]], "icenet.deep.cnn": [[9, "module-icenet.deep.cnn"]], "icenet.deep.da": [[9, "module-icenet.deep.da"]], "icenet.deep.dbnf": [[9, "module-icenet.deep.dbnf"]], "icenet.deep.deeptools": [[9, "module-icenet.deep.deeptools"]], "icenet.deep.deps": [[9, "module-icenet.deep.deps"]], "icenet.deep.dmlp": [[9, "module-icenet.deep.dmlp"]], "icenet.deep.fastkan": [[9, "module-icenet.deep.fastkan"]], "icenet.deep.gcnn": [[9, "module-icenet.deep.gcnn"]], "icenet.deep.graph": [[9, "module-icenet.deep.graph"]], "icenet.deep.iceboost": [[9, "module-icenet.deep.iceboost"]], "icenet.deep.losstools": [[9, "module-icenet.deep.losstools"]], "icenet.deep.lzmlp": [[9, "module-icenet.deep.lzmlp"]], "icenet.deep.maxo": [[9, "module-icenet.deep.maxo"]], "icenet.deep.mlgr": [[9, "module-icenet.deep.mlgr"]], "icenet.deep.optimize": [[9, "module-icenet.deep.optimize"]], "icenet.deep.pgraph": [[9, "module-icenet.deep.pgraph"]], "icenet.deep.predict": [[9, "module-icenet.deep.predict"]], "icenet.deep.tempscale": [[9, "module-icenet.deep.tempscale"]], "icenet.deep.train": [[9, "module-icenet.deep.train"]], "icenet.deep.vae": [[9, "module-icenet.deep.vae"]], "icenet.optim": [[9, "icenet-optim"]], "icenet.optim.adam": [[9, "module-icenet.optim.adam"]], "icenet.optim.adamax": [[9, "module-icenet.optim.adamax"]], "icenet.optim.scheduler": [[9, "module-icenet.optim.scheduler"]], "icenet.tools": [[9, "icenet-tools"]], "icenet.tools.aux": [[9, "module-icenet.tools.aux"]], "icenet.tools.aux_torch": [[9, "module-icenet.tools.aux_torch"]], "icenet.tools.icemap": [[9, "module-icenet.tools.icemap"]], "icenet.tools.iceroot": [[9, "module-icenet.tools.iceroot"]], "icenet.tools.icevec": [[9, "module-icenet.tools.icevec"]], "icenet.tools.io": [[9, "module-icenet.tools.io"]], "icenet.tools.plots": [[9, "module-icenet.tools.plots"]], "icenet.tools.prints": [[9, "module-icenet.tools.prints"]], "icenet.tools.process": [[9, "module-icenet.tools.process"]], "icenet.tools.raytools": [[9, "module-icenet.tools.raytools"]], "icenet.tools.reweight": [[9, "module-icenet.tools.reweight"]], "icenet.tools.stx": [[9, "module-icenet.tools.stx"]], "iceplot": [[10, "iceplot"]], "iceplot.iceplot": [[10, "module-iceplot.iceplot"]], "icetrg": [[11, "icetrg"]], "icetrg.common": [[11, "module-icetrg.common"]], "icezee": [[12, "icezee"]], "icezee.common": [[12, "module-icezee.common"]]}, "docnames": ["index", "modules/icebrem", "modules/icebrk", "modules/icedqcd", "modules/icefit", "modules/icehgcal", "modules/icehnl", "modules/iceid", "modules/icemc", "modules/icenet", "modules/iceplot", "modules/icetrg", "modules/icezee", "notes/cmssw", "notes/installation", "notes/introduction", "notes/markup"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.viewcode": 1}, "filenames": ["index.rst", "modules/icebrem.rst", "modules/icebrk.rst", "modules/icedqcd.rst", "modules/icefit.rst", "modules/icehgcal.rst", "modules/icehnl.rst", "modules/iceid.rst", "modules/icemc.rst", "modules/icenet.rst", "modules/iceplot.rst", "modules/icetrg.rst", "modules/icezee.rst", "notes/cmssw.rst", "notes/installation.rst", "notes/introduction.rst", "notes/markup.rst"], "indexentries": {"abcd_2nll() (in module icefit.abcd)": [[4, "icefit.abcd.ABCD_2NLL", false]], "abcd_eq() (in module icefit.abcd)": [[4, "icefit.abcd.ABCD_eq", false]], "abcd_err() (in module icefit.abcd)": [[4, "icefit.abcd.ABCD_err", false]], "abs_delta_phi() (vec4 method)": [[9, "icenet.tools.icevec.vec4.abs_delta_phi", false]], "abseta (vec4 property)": [[9, "icenet.tools.icevec.vec4.abseta", false]], "actor (progressbar property)": [[9, "icenet.tools.raytools.ProgressBar.actor", false]], "adam (class in icenet.optim.adam)": [[9, "icenet.optim.adam.Adam", false]], "adamax (class in icenet.optim.adamax)": [[9, "icenet.optim.adamax.Adamax", false]], "adaptive_gradient_clipping_() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.adaptive_gradient_clipping_", false]], "add() (fastarray1 method)": [[9, "icenet.tools.io.fastarray1.add", false]], "ads() (in module icefit.statstools)": [[4, "icefit.statstools.ADS", false]], "airw_helper() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.AIRW_helper", false]], "ak2numpy() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.ak2numpy", false]], "analytical_extreme_npdf() (in module icefit.statstools)": [[4, "icefit.statstools.analytical_extreme_npdf", false]], "annotate_heatmap() (in module icemc.icemc)": [[8, "icemc.icemc.annotate_heatmap", false]], "annotate_heatmap() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.annotate_heatmap", false]], "apply_cutflow() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.apply_cutflow", false]], "apply_cuts() (in module icebrk.cutstats)": [[2, "icebrk.cutstats.apply_cuts", false]], "apply_madscore() (in module icenet.tools.io)": [[9, "icenet.tools.io.apply_madscore", false]], "apply_mine() (in module icefit.mine)": [[4, "icefit.mine.apply_mine", false]], "apply_mine_batched() (in module icefit.mine)": [[4, "icefit.mine.apply_mine_batched", false]], "apply_zscore() (in module icenet.tools.io)": [[9, "icenet.tools.io.apply_zscore", false]], "apply_zscore_tensor() (in module icenet.tools.io)": [[9, "icenet.tools.io.apply_zscore_tensor", false]], "arrays2matrix() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.arrays2matrix", false]], "asymptotic_uncertainty_cls() (in module icefit.icelimit)": [[4, "icefit.icelimit.asymptotic_uncertainty_CLs", false]], "attentionwithfastkantransform (class in icenet.deep.fastkan)": [[9, "icenet.deep.fastkan.AttentionWithFastKANTransform", false]], "auc_score() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.auc_score", false]], "backward() (gradientreversalfunction static method)": [[9, "icenet.deep.da.GradientReversalFunction.backward", false]], "balanceweights() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.balanceweights", false]], "batch2tensor() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.batch2tensor", false]], "bce_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.BCE_loss", false]], "bce_loss_with_logits() (in module icenet.deep.iceboost)": [[9, "icenet.deep.iceboost.BCE_loss_with_logits", false]], "beta (vec4 property)": [[9, "icenet.tools.icevec.vec4.beta", false]], "bin2int() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.bin2int", false]], "bin_array() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.bin_array", false]], "binary_cross_entropy_logprob() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.binary_cross_entropy_logprob", false]], "binary_focal_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.binary_focal_loss", false]], "binarypredict() (cnn method)": [[9, "icenet.deep.cnn.CNN.binarypredict", false]], "binarypredict() (deps method)": [[9, "icenet.deep.deps.DEPS.binarypredict", false]], "binarypredict() (dmlp method)": [[9, "icenet.deep.dmlp.DMLP.binarypredict", false]], "binarypredict() (gcn method)": [[9, "icenet.deep.gcnn.GCN.binarypredict", false]], "binarypredict() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.binarypredict", false]], "binarypredict() (lzmlp method)": [[9, "icenet.deep.lzmlp.LZMLP.binarypredict", false]], "binarypredict() (maxout method)": [[9, "icenet.deep.maxo.MAXOUT.binarypredict", false]], "binarypredict() (mlgr method)": [[9, "icenet.deep.mlgr.MLGR.binarypredict", false]], "binaryvec2int() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.binaryvec2int", false]], "binengine() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.binengine", false]], "binned_1d_auc() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.binned_1D_AUC", false]], "binned_2d_auc() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.binned_2D_AUC", false]], "binom_coeff_all() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.binom_coeff_all", false]], "binomial() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.binomial", false]], "binvec2powersetindex() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.binvec2powersetindex", false]], "binvec_are_equal() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.binvec_are_equal", false]], "binwidth() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.binwidth", false]], "bits2digits() (in module icefit.mantissa)": [[4, "icefit.mantissa.bits2digits", false]], "bnaf (class in icenet.deep.bnaf)": [[9, "icenet.deep.bnaf.BNAF", false]], "boost() (vec4 method)": [[9, "icenet.tools.icevec.vec4.boost", false]], "bw2bins() (in module icefit.cortools)": [[4, "icefit.cortools.bw2bins", false]], "calc_batch_mc_observables() (in module icebrk.histos)": [[2, "icebrk.histos.calc_batch_MC_observables", false]], "calc_batch_observables() (in module icebrk.histos)": [[2, "icebrk.histos.calc_batch_observables", false]], "calc_madscore() (in module icenet.tools.io)": [[9, "icenet.tools.io.calc_madscore", false]], "calc_mc_observables() (in module icebrk.histos)": [[2, "icebrk.histos.calc_MC_observables", false]], "calc_observables() (in module icebrk.histos)": [[2, "icebrk.histos.calc_observables", false]], "calc_zscore() (in module icenet.tools.io)": [[9, "icenet.tools.io.calc_zscore", false]], "calc_zscore_tensor() (in module icenet.tools.io)": [[9, "icenet.tools.io.calc_zscore_tensor", false]], "calibrate() (logitswithtemperature method)": [[9, "icenet.deep.tempscale.LogitsWithTemperature.calibrate", false]], "calibrate() (modelwithtemperature method)": [[9, "icenet.deep.tempscale.ModelWithTemperature.calibrate", false]], "cartesian_product() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.cartesian_product", false]], "change2density_labels() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.change2density_labels", false]], "checkinfnan() (in module icenet.tools.io)": [[9, "icenet.tools.io.checkinfnan", false]], "chi2_cost() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.chi2_cost", false]], "cl_single() (in module icefit.icelimit)": [[4, "icefit.icelimit.CL_single", false]], "cl_single_asymptotic() (in module icefit.icelimit)": [[4, "icefit.icelimit.CL_single_asymptotic", false]], "cl_single_compute() (in module icefit.icelimit)": [[4, "icefit.icelimit.CL_single_compute", false]], "classfilter() (icexyw method)": [[9, "icenet.tools.io.IceXYW.classfilter", false]], "clopper_pearson_err() (in module icefit.statstools)": [[4, "icefit.statstools.clopper_pearson_err", false]], "cnn (class in icenet.deep.cnn)": [[9, "icenet.deep.cnn.CNN", false]], "cnn_maxo (class in icenet.deep.cnn)": [[9, "icenet.deep.cnn.CNN_MAXO", false]], "collect_info_stats() (in module icebrk.cutstats)": [[2, "icebrk.cutstats.collect_info_stats", false]], "collect_mcinfo_stats() (in module icebrk.cutstats)": [[2, "icebrk.cutstats.collect_mcinfo_stats", false]], "colored_row() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.colored_row", false]], "colors() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.colors", false]], "columnar_mask_efficiency() (in module icefit.statstools)": [[4, "icefit.statstools.columnar_mask_efficiency", false]], "combine_pickle_data() (in module icenet.tools.process)": [[9, "icenet.tools.process.combine_pickle_data", false]], "compute_edge_attr() (in module icehgcal.graphio)": [[5, "icehgcal.graphio.compute_edge_attr", false]], "compute_edges() (in module icehgcal.preprocess)": [[5, "icehgcal.preprocess.compute_edges", false]], "compute_ind() (in module icefit.dequantize)": [[4, "icefit.dequantize.compute_ind", false]], "compute_log_p_x() (in module icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.compute_log_p_x", false]], "compute_metrics() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.compute_metrics", false]], "compute_mine() (in module icefit.mine)": [[4, "icefit.mine.compute_mine", false]], "compute_nd_reweights() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.compute_ND_reweights", false]], "concatenate_and_clean() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.concatenate_and_clean", false]], "concatenate_data() (in module icenet.tools.process)": [[9, "icenet.tools.process.concatenate_data", false]], "construct_columnar_cuts() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.construct_columnar_cuts", false]], "construct_exptree() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.construct_exptree", false]], "construct_icdf() (in module icefit.dequantize)": [[4, "icefit.dequantize.construct_icdf", false]], "construct_input_vec() (in module icebrk.tools)": [[2, "icebrk.tools.construct_input_vec", false]], "construct_kinematics() (in module icebrk.tools)": [[2, "icebrk.tools.construct_kinematics", false]], "construct_mc_tree() (in module icebrk.tools)": [[2, "icebrk.tools.construct_MC_tree", false]], "construct_mc_truth() (in module icebrk.tools)": [[2, "icebrk.tools.construct_MC_truth", false]], "construct_new_branches() (in module icebrk.features)": [[2, "icebrk.features.construct_new_branches", false]], "construct_output_vec() (in module icebrk.tools)": [[2, "icebrk.tools.construct_output_vec", false]], "convolve_systematics() (in module icefit.icelimit)": [[4, "icefit.icelimit.convolve_systematics", false]], "cormat2covmat() (in module icefit.statstools)": [[4, "icefit.statstools.cormat2covmat", false]], "corrcoeff_weighted_torch() (in module icefit.cortools)": [[4, "icefit.cortools.corrcoeff_weighted_torch", false]], "correlation_matrix() (in module icefit.statstools)": [[4, "icefit.statstools.correlation_matrix", false]], "costheta (vec4 property)": [[9, "icenet.tools.icevec.vec4.costheta", false]], "count_files_in_dir() (in module icenet.tools.io)": [[9, "icenet.tools.io.count_files_in_dir", false]], "count_parameters_torch() (in module icenet.tools.aux_torch)": [[9, "icenet.tools.aux_torch.count_parameters_torch", false]], "count_simple_edges() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.count_simple_edges", false]], "count_targets() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.count_targets", false]], "covmat2corrmat() (in module icefit.statstools)": [[4, "icefit.statstools.covmat2corrmat", false]], "create_axes() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.create_axes", false]], "create_filters() (in module icenet.deep.iceboost)": [[9, "icenet.deep.iceboost.create_filters", false]], "create_id_label() (in module icedqcd.deploy)": [[3, "icedqcd.deploy.create_ID_label", false]], "create_label() (in module icefit.lognormal)": [[4, "icefit.lognormal.create_label", false]], "create_limit_plots_vector() (in module icedqcd.limits)": [[3, "icedqcd.limits.create_limit_plots_vector", false]], "create_limit_tables() (in module icedqcd.limits)": [[3, "icedqcd.limits.create_limit_tables", false]], "create_model() (in module icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.create_model", false]], "create_model_filename() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.create_model_filename", false]], "create_trackster_data() (in module icehgcal.preprocess)": [[5, "icehgcal.preprocess.create_trackster_data", false]], "crv() (in module icefit.commutator)": [[4, "icefit.commutator.crv", false]], "dataset (class in icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.Dataset", false]], "dataset (class in icenet.deep.optimize)": [[9, "icenet.deep.optimize.Dataset", false]], "decoder (class in icenet.deep.vae)": [[9, "icenet.deep.vae.Decoder", false]], "deltaphi() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.deltaphi", false]], "deltaphi() (vec4 method)": [[9, "icenet.tools.icevec.vec4.deltaphi", false]], "deltar() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.deltaR", false]], "deltar() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.deltar", false]], "deltar() (vec4 method)": [[9, "icenet.tools.icevec.vec4.deltaR", false]], "deltar_3() (in module icebrk.tools)": [[2, "icebrk.tools.deltar_3", false]], "density_cor() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.density_COR", false]], "density_cor_wclass() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.density_COR_wclass", false]], "density_mva_wclass() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.density_MVA_wclass", false]], "deps (class in icenet.deep.deps)": [[9, "icenet.deep.deps.DEPS", false]], "derivatives() (xgboostobjective method)": [[9, "icenet.deep.autogradxgb.XgboostObjective.derivatives", false]], "description (progressbar attribute)": [[9, "icenet.tools.raytools.ProgressBar.description", false]], "dict_batch_to_cuda() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.dict_batch_to_cuda", false]], "digits2bits() (in module icefit.mantissa)": [[4, "icefit.mantissa.digits2bits", false]], "distance_corr() (in module icefit.cortools)": [[4, "icefit.cortools.distance_corr", false]], "distance_corr_torch() (in module icefit.cortools)": [[4, "icefit.cortools.distance_corr_torch", false]], "dmlp (class in icenet.deep.dmlp)": [[9, "icenet.deep.dmlp.DMLP", false]], "dot3() (vec4 method)": [[9, "icenet.tools.icevec.vec4.dot3", false]], "dot4() (vec4 method)": [[9, "icenet.tools.icevec.vec4.dot4", false]], "doublet_helper() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.doublet_helper", false]], "draw_error_band() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.draw_error_band", false]], "dualdataset (class in icenet.deep.optimize)": [[9, "icenet.deep.optimize.DualDataset", false]], "dynamicedgeconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.DynamicEdgeConv_", false]], "e (vec4 property)": [[9, "icenet.tools.icevec.vec4.e", false]], "edge2centerbins() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.edge2centerbins", false]], "edgeconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.EdgeConv_", false]], "em_frac() (in module icefit.em)": [[4, "icefit.em.EM_frac", false]], "encoder (class in icenet.deep.vae)": [[9, "icenet.deep.vae.Encoder", false]], "error_on_mu() (in module icefit.statstools)": [[4, "icefit.statstools.error_on_mu", false]], "error_on_std() (in module icefit.statstools)": [[4, "icefit.statstools.error_on_std", false]], "estimate() (in module icefit.mine)": [[4, "icefit.mine.estimate", false]], "eta (vec4 property)": [[9, "icenet.tools.icevec.vec4.eta", false]], "eval_boolean_exptree() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.eval_boolean_exptree", false]], "eval_boolean_syntax() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.eval_boolean_syntax", false]], "evaluate_models() (in module icenet.tools.process)": [[9, "icenet.tools.process.evaluate_models", false]], "event_loop() (in module icehgcal.preprocess)": [[5, "icehgcal.preprocess.event_loop", false]], "events_to_jagged_numpy() (in module icenet.tools.iceroot)": [[9, "icenet.tools.iceroot.events_to_jagged_numpy", false]], "explicit_range() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.explicit_range", false]], "f2s() (in module icedqcd.deploy)": [[3, "icedqcd.deploy.f2s", false]], "fast_loop() (in module icefit.dequantize)": [[4, "icefit.dequantize.fast_loop", false]], "fastarray1 (class in icenet.tools.io)": [[9, "icenet.tools.io.fastarray1", false]], "fastkan (class in icenet.deep.fastkan)": [[9, "icenet.deep.fastkan.FastKAN", false]], "fastkanlayer (class in icenet.deep.fastkan)": [[9, "icenet.deep.fastkan.FastKANLayer", false]], "filter_adj() (panumpooling method)": [[9, "icenet.deep.pgraph.PANUMPooling.filter_adj", false]], "filter_adj() (panxhmpooling method)": [[9, "icenet.deep.pgraph.PANXHMPooling.filter_adj", false]], "filter_adj() (panxumpooling method)": [[9, "icenet.deep.pgraph.PANXUMPooling.filter_adj", false]], "filter_constructor() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.filter_constructor", false]], "find_connected_triplets() (in module icebrk.tools)": [[2, "icebrk.tools.find_connected_triplets", false]], "find_filter() (in module icedqcd.optimize)": [[3, "icedqcd.optimize.find_filter", false]], "find_ind() (icexyw method)": [[9, "icenet.tools.io.IceXYW.find_ind", false]], "find_limits() (in module icedqcd.limits)": [[3, "icedqcd.limits.find_limits", false]], "fit_and_analyze() (in module icefit.peakfit)": [[4, "icefit.peakfit.fit_and_analyze", false]], "fit_task() (in module icefit.peakfit)": [[4, "icefit.peakfit.fit_task", false]], "fit_task_multi() (in module icefit.peakfit)": [[4, "icefit.peakfit.fit_task_multi", false]], "focalwithlogitsloss (class in icenet.deep.losstools)": [[9, "icenet.deep.losstools.FocalWithLogitsLoss", false]], "forward() (attentionwithfastkantransform method)": [[9, "icenet.deep.fastkan.AttentionWithFastKANTransform.forward", false]], "forward() (bnaf method)": [[9, "icenet.deep.bnaf.BNAF.forward", false]], "forward() (cnn method)": [[9, "icenet.deep.cnn.CNN.forward", false]], "forward() (cnn_maxo method)": [[9, "icenet.deep.cnn.CNN_MAXO.forward", false]], "forward() (decoder method)": [[9, "icenet.deep.vae.Decoder.forward", false]], "forward() (deps method)": [[9, "icenet.deep.deps.DEPS.forward", false]], "forward() (dmlp method)": [[9, "icenet.deep.dmlp.DMLP.forward", false]], "forward() (encoder method)": [[9, "icenet.deep.vae.Encoder.forward", false]], "forward() (fastkan method)": [[9, "icenet.deep.fastkan.FastKAN.forward", false]], "forward() (fastkanlayer method)": [[9, "icenet.deep.fastkan.FastKANLayer.forward", false]], "forward() (focalwithlogitsloss method)": [[9, "icenet.deep.losstools.FocalWithLogitsLoss.forward", false]], "forward() (gcn method)": [[9, "icenet.deep.gcnn.GCN.forward", false]], "forward() (gcn_layer method)": [[9, "icenet.deep.gcnn.GCN_layer.forward", false]], "forward() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.forward", false]], "forward() (gradientreversal method)": [[9, "icenet.deep.da.GradientReversal.forward", false]], "forward() (gradientreversalfunction static method)": [[9, "icenet.deep.da.GradientReversalFunction.forward", false]], "forward() (linearlayer method)": [[9, "icenet.deep.dmlp.LinearLayer.forward", false]], "forward() (lipschitzlinear method)": [[9, "icenet.deep.lzmlp.LipschitzLinear.forward", false]], "forward() (lqbernoulliwithlogitsloss method)": [[9, "icenet.deep.losstools.LqBernoulliWithLogitsLoss.forward", false]], "forward() (lzmlp method)": [[9, "icenet.deep.lzmlp.LZMLP.forward", false]], "forward() (maskedweight method)": [[9, "icenet.deep.bnaf.MaskedWeight.forward", false]], "forward() (maxout method)": [[9, "icenet.deep.maxo.MAXOUT.forward", false]], "forward() (minenet method)": [[4, "icefit.mine.MINENet.forward", false]], "forward() (mlgr method)": [[9, "icenet.deep.mlgr.MLGR.forward", false]], "forward() (modelwithtemperature method)": [[9, "icenet.deep.tempscale.ModelWithTemperature.forward", false]], "forward() (multiply method)": [[9, "icenet.deep.deeptools.Multiply.forward", false]], "forward() (panconv method)": [[9, "icenet.deep.pgraph.PANConv.forward", false]], "forward() (pandropout method)": [[9, "icenet.deep.pgraph.PANDropout.forward", false]], "forward() (panumpooling method)": [[9, "icenet.deep.pgraph.PANUMPooling.forward", false]], "forward() (panxhmpooling method)": [[9, "icenet.deep.pgraph.PANXHMPooling.forward", false]], "forward() (panxumpooling method)": [[9, "icenet.deep.pgraph.PANXUMPooling.forward", false]], "forward() (pen1_max method)": [[9, "icenet.deep.deps.PEN1_max.forward", false]], "forward() (pen1_mean method)": [[9, "icenet.deep.deps.PEN1_mean.forward", false]], "forward() (pen_max method)": [[9, "icenet.deep.deps.PEN_max.forward", false]], "forward() (pen_mean method)": [[9, "icenet.deep.deps.PEN_mean.forward", false]], "forward() (permutation method)": [[9, "icenet.deep.bnaf.Permutation.forward", false]], "forward() (radialbasisfunction method)": [[9, "icenet.deep.fastkan.RadialBasisFunction.forward", false]], "forward() (sequential method)": [[9, "icenet.deep.bnaf.Sequential.forward", false]], "forward() (superedgeconv method)": [[9, "icenet.deep.graph.SuperEdgeConv.forward", false]], "forward() (tanh method)": [[9, "icenet.deep.bnaf.Tanh.forward", false]], "forward() (vae method)": [[9, "icenet.deep.vae.VAE.forward", false]], "forward() (variationalencoder method)": [[9, "icenet.deep.vae.VariationalEncoder.forward", false]], "forward_2pt() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.forward_2pt", false]], "forward_with_da() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.forward_with_DA", false]], "fox_wolfram_boost_inv() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.fox_wolfram_boost_inv", false]], "freedman_diaconis_bin() (in module icefit.cortools)": [[4, "icefit.cortools.freedman_diaconis_bin", false]], "func_binormal() (in module icedqcd.optimize)": [[3, "icedqcd.optimize.func_binormal", false]], "func_binormal2() (in module icedqcd.optimize)": [[3, "icedqcd.optimize.func_binormal2", false]], "fuse_histograms() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.fuse_histograms", false]], "gamma (vec4 property)": [[9, "icenet.tools.icevec.vec4.gamma", false]], "gamma2tau() (in module icemc.icemc)": [[8, "icemc.icemc.Gamma2tau", false]], "gatconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.GATConv_", false]], "gaussian_mutual_information() (in module icefit.cortools)": [[4, "icefit.cortools.gaussian_mutual_information", false]], "gausspdf() (in module icefit.em)": [[4, "icefit.em.gausspdf", false]], "gcn (class in icenet.deep.gcnn)": [[9, "icenet.deep.gcnn.GCN", false]], "gcn_layer (class in icenet.deep.gcnn)": [[9, "icenet.deep.gcnn.GCN_layer", false]], "generate_cartesian_param() (in module icedqcd.deploy)": [[3, "icedqcd.deploy.generate_cartesian_param", false]], "generate_colormap() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.generate_colormap", false]], "generate_feature_names() (in module icebrk.features)": [[2, "icebrk.features.generate_feature_names", false]], "generatebinary() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.generatebinary", false]], "generatebinary_fixed() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.generatebinary_fixed", false]], "generic_flow() (in module icenet.tools.process)": [[9, "icenet.tools.process.generic_flow", false]], "geom_mean_2d() (in module icefit.statstools)": [[4, "icefit.statstools.geom_mean_2D", false]], "get_act() (in module icenet.deep.dmlp)": [[9, "icenet.deep.dmlp.get_act", false]], "get_datetime() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.get_datetime", false]], "get_first_indices() (in module icebrk.tools)": [[2, "icebrk.tools.get_first_indices", false]], "get_full_hessian() (in module icefit.jacobian)": [[4, "icefit.jacobian.get_full_hessian", false]], "get_gpu_memory_map() (in module icenet.tools.io)": [[9, "icenet.tools.io.get_gpu_memory_map", false]], "get_gradient() (in module icefit.jacobian)": [[4, "icefit.jacobian.get_gradient", false]], "get_jacobian() (in module icefit.jacobian)": [[4, "icefit.jacobian.get_jacobian", false]], "get_lipschitz_constant() (lipschitzlinear method)": [[9, "icenet.deep.lzmlp.LipschitzLinear.get_lipschitz_constant", false]], "get_lipschitz_loss() (lzmlp method)": [[9, "icenet.deep.lzmlp.LZMLP.get_lipschitz_loss", false]], "get_lorentz_edge_features() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.get_Lorentz_edge_features", false]], "get_node_features() (in module icehgcal.graphio)": [[5, "icehgcal.graphio.get_node_features", false]], "get_node_features() (in module iceid.graphio)": [[7, "iceid.graphio.get_node_features", false]], "get_num_events() (in module icenet.tools.iceroot)": [[9, "icenet.tools.iceroot.get_num_events", false]], "get_pdf() (in module icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.get_pdf", false]], "get_predictor() (in module icedqcd.deploy)": [[3, "icedqcd.deploy.get_predictor", false]], "get_rootfiles_jpsi() (in module icefit.peakfit)": [[4, "icefit.peakfit.get_rootfiles_jpsi", false]], "get_simple_edge_index() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.get_simple_edge_index", false]], "get_weights() (maskedweight method)": [[9, "icenet.deep.bnaf.MaskedWeight.get_weights", false]], "getdimension() (in module icebrk.features)": [[2, "icebrk.features.getdimension", false]], "getgenericmodel() (in module icenet.deep.train)": [[9, "icenet.deep.train.getgenericmodel", false]], "getgenericparam() (in module icenet.deep.train)": [[9, "icenet.deep.train.getgenericparam", false]], "getgraphmodel() (in module icenet.deep.train)": [[9, "icenet.deep.train.getgraphmodel", false]], "getgraphparam() (in module icenet.deep.train)": [[9, "icenet.deep.train.getgraphparam", false]], "getmtime() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.getmtime", false]], "gine_helper() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.GINE_helper", false]], "gineconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.GINEConv_", false]], "glob_expand_files() (in module icenet.tools.io)": [[9, "icenet.tools.io.glob_expand_files", false]], "gnngeneric (class in icenet.deep.graph)": [[9, "icenet.deep.graph.GNNGeneric", false]], "grad_norm() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.grad_norm", false]], "gradientreversal (class in icenet.deep.da)": [[9, "icenet.deep.da.GradientReversal", false]], "gradientreversalfunction (class in icenet.deep.da)": [[9, "icenet.deep.da.GradientReversalFunction", false]], "gram_matrix() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.gram_matrix", false]], "group_systematics() (in module icefit.peakfit)": [[4, "icefit.peakfit.group_systematics", false]], "h_score() (in module icefit.cortools)": [[4, "icefit.cortools.H_score", false]], "hacine_entropy_bin() (in module icefit.cortools)": [[4, "icefit.cortools.hacine_entropy_bin", false]], "hacine_joint_entropy_bin() (in module icefit.cortools)": [[4, "icefit.cortools.hacine_joint_entropy_bin", false]], "hdf5_append() (in module icebrk.loop)": [[2, "icebrk.loop.hdf5_append", false]], "hdf5_write_handles() (in module icebrk.loop)": [[2, "icebrk.loop.hdf5_write_handles", false]], "hepmc2vec4() (in module icenet.tools.icevec)": [[9, "icenet.tools.icevec.hepmc2vec4", false]], "hist() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.hist", false]], "hist_filled_error() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.hist_filled_error", false]], "hist_flush() (in module icebrk.loop)": [[2, "icebrk.loop.hist_flush", false]], "hist_obj() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.hist_obj", false]], "hist_to_density() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.hist_to_density", false]], "hist_to_density_fullspace() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.hist_to_density_fullspace", false]], "histhepdata() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.histhepdata", false]], "histmc() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.histmc", false]], "histogram_helper() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.histogram_helper", false]], "hobj (class in iceplot.iceplot)": [[10, "iceplot.iceplot.hobj", false]], "i_score() (in module icefit.cortools)": [[4, "icefit.cortools.I_score", false]], "icebrem.common": [[1, "module-icebrem.common", false]], "icebrk.cutstats": [[2, "module-icebrk.cutstats", false]], "icebrk.fasthistos": [[2, "module-icebrk.fasthistos", false]], "icebrk.features": [[2, "module-icebrk.features", false]], "icebrk.histos": [[2, "module-icebrk.histos", false]], "icebrk.loop": [[2, "module-icebrk.loop", false]], "icebrk.pdg": [[2, "module-icebrk.PDG", false]], "icebrk.tools": [[2, "module-icebrk.tools", false]], "icedqcd.common": [[3, "module-icedqcd.common", false]], "icedqcd.deploy": [[3, "module-icedqcd.deploy", false]], "icedqcd.graphio": [[3, "module-icedqcd.graphio", false]], "icedqcd.limits": [[3, "module-icedqcd.limits", false]], "icedqcd.optimize": [[3, "module-icedqcd.optimize", false]], "icefit.abcd": [[4, "module-icefit.abcd", false]], "icefit.commutator": [[4, "module-icefit.commutator", false]], "icefit.cortools": [[4, "module-icefit.cortools", false]], "icefit.dequantize": [[4, "module-icefit.dequantize", false]], "icefit.em": [[4, "module-icefit.em", false]], "icefit.icelimit": [[4, "module-icefit.icelimit", false]], "icefit.jacobian": [[4, "module-icefit.jacobian", false]], "icefit.lognormal": [[4, "module-icefit.lognormal", false]], "icefit.mantissa": [[4, "module-icefit.mantissa", false]], "icefit.mine": [[4, "module-icefit.mine", false]], "icefit.peakfit": [[4, "module-icefit.peakfit", false]], "icefit.score": [[4, "module-icefit.score", false]], "icefit.statstools": [[4, "module-icefit.statstools", false]], "icehgcal.common": [[5, "module-icehgcal.common", false]], "icehgcal.graphio": [[5, "module-icehgcal.graphio", false]], "icehgcal.preprocess": [[5, "module-icehgcal.preprocess", false]], "icehnl.common": [[6, "module-icehnl.common", false]], "iceid.common": [[7, "module-iceid.common", false]], "iceid.graphio": [[7, "module-iceid.graphio", false]], "icemap (class in icenet.tools.icemap)": [[9, "icenet.tools.icemap.icemap", false]], "icemc.icemc": [[8, "module-icemc.icemc", false]], "icenet.algo.analytic": [[9, "module-icenet.algo.analytic", false]], "icenet.algo.flr": [[9, "module-icenet.algo.flr", false]], "icenet.algo.nmf": [[9, "module-icenet.algo.nmf", false]], "icenet.deep.autogradxgb": [[9, "module-icenet.deep.autogradxgb", false]], "icenet.deep.bnaf": [[9, "module-icenet.deep.bnaf", false]], "icenet.deep.cnn": [[9, "module-icenet.deep.cnn", false]], "icenet.deep.da": [[9, "module-icenet.deep.da", false]], "icenet.deep.dbnf": [[9, "module-icenet.deep.dbnf", false]], "icenet.deep.deeptools": [[9, "module-icenet.deep.deeptools", false]], "icenet.deep.deps": [[9, "module-icenet.deep.deps", false]], "icenet.deep.dmlp": [[9, "module-icenet.deep.dmlp", false]], "icenet.deep.fastkan": [[9, "module-icenet.deep.fastkan", false]], "icenet.deep.gcnn": [[9, "module-icenet.deep.gcnn", false]], "icenet.deep.graph": [[9, "module-icenet.deep.graph", false]], "icenet.deep.iceboost": [[9, "module-icenet.deep.iceboost", false]], "icenet.deep.losstools": [[9, "module-icenet.deep.losstools", false]], "icenet.deep.lzmlp": [[9, "module-icenet.deep.lzmlp", false]], "icenet.deep.maxo": [[9, "module-icenet.deep.maxo", false]], "icenet.deep.mlgr": [[9, "module-icenet.deep.mlgr", false]], "icenet.deep.optimize": [[9, "module-icenet.deep.optimize", false]], "icenet.deep.pgraph": [[9, "module-icenet.deep.pgraph", false]], "icenet.deep.predict": [[9, "module-icenet.deep.predict", false]], "icenet.deep.tempscale": [[9, "module-icenet.deep.tempscale", false]], "icenet.deep.train": [[9, "module-icenet.deep.train", false]], "icenet.deep.vae": [[9, "module-icenet.deep.vae", false]], "icenet.optim.adam": [[9, "module-icenet.optim.adam", false]], "icenet.optim.adamax": [[9, "module-icenet.optim.adamax", false]], "icenet.optim.scheduler": [[9, "module-icenet.optim.scheduler", false]], "icenet.tools.aux": [[9, "module-icenet.tools.aux", false]], "icenet.tools.aux_torch": [[9, "module-icenet.tools.aux_torch", false]], "icenet.tools.icemap": [[9, "module-icenet.tools.icemap", false]], "icenet.tools.iceroot": [[9, "module-icenet.tools.iceroot", false]], "icenet.tools.icevec": [[9, "module-icenet.tools.icevec", false]], "icenet.tools.io": [[9, "module-icenet.tools.io", false]], "icenet.tools.plots": [[9, "module-icenet.tools.plots", false]], "icenet.tools.prints": [[9, "module-icenet.tools.prints", false]], "icenet.tools.process": [[9, "module-icenet.tools.process", false]], "icenet.tools.raytools": [[9, "module-icenet.tools.raytools", false]], "icenet.tools.reweight": [[9, "module-icenet.tools.reweight", false]], "icenet.tools.stx": [[9, "module-icenet.tools.stx", false]], "iceplot.iceplot": [[10, "module-iceplot.iceplot", false]], "icetrg.common": [[11, "module-icetrg.common", false]], "icexyw (class in icenet.tools.io)": [[9, "icenet.tools.io.IceXYW", false]], "icezee.common": [[12, "module-icezee.common", false]], "idqf() (in module icefit.dequantize)": [[4, "icefit.dequantize.iDQF", false]], "impute_data() (in module icenet.tools.io)": [[9, "icenet.tools.io.impute_data", false]], "impute_datasets() (in module icenet.tools.process)": [[9, "icenet.tools.process.impute_datasets", false]], "index_list() (in module icenet.tools.io)": [[9, "icenet.tools.io.index_list", false]], "index_of_first_signal() (in module icebrk.tools)": [[2, "icebrk.tools.index_of_first_signal", false]], "index_of_last_signal() (in module icebrk.tools)": [[2, "icebrk.tools.index_of_last_signal", false]], "inference() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.inference", false]], "init_() (superedgeconv method)": [[9, "icenet.deep.graph.SuperEdgeConv.init_", false]], "init_stat_objects() (in module icebrk.cutstats)": [[2, "icebrk.cutstats.init_stat_objects", false]], "initarrays() (in module icebrk.loop)": [[2, "icebrk.loop.initarrays", false]], "initialize() (in module icebrk.fasthistos)": [[2, "icebrk.fasthistos.initialize", false]], "initialize_parameters() (lipschitzlinear method)": [[9, "icenet.deep.lzmlp.LipschitzLinear.initialize_parameters", false]], "int2onehot() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.int2onehot", false]], "integral() (hobj method)": [[10, "iceplot.iceplot.hobj.integral", false]], "inverse_sigmoid() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.inverse_sigmoid", false]], "invmass() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.invmass", false]], "invmass_massless() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.invmass_massless", false]], "jagged2matrix() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.jagged2matrix", false]], "jagged2tensor() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.jagged2tensor", false]], "jagged_ak_to_numpy() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.jagged_ak_to_numpy", false]], "kl_div() (vae method)": [[9, "icenet.deep.vae.VAE.kl_div", false]], "ktmetric() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.ktmetric", false]], "l_q() (lqbernoulliwithlogitsloss method)": [[9, "icenet.deep.losstools.LqBernoulliWithLogitsLoss.L_q", false]], "limit_wrapper_dict() (in module icedqcd.limits)": [[3, "icedqcd.limits.limit_wrapper_dict", false]], "linearlayer (class in icenet.deep.dmlp)": [[9, "icenet.deep.dmlp.LinearLayer", false]], "lipschitzlinear (class in icenet.deep.lzmlp)": [[9, "icenet.deep.lzmlp.LipschitzLinear", false]], "ll_splusb() (in module icefit.icelimit)": [[4, "icefit.icelimit.LL_splusb", false]], "load_file_wrapper() (in module icenet.tools.process)": [[9, "icenet.tools.process.load_file_wrapper", false]], "load_helper() (in module icezee.common)": [[12, "icezee.common.load_helper", false]], "load_models() (in module icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.load_models", false]], "load_root_file() (in module icebrem.common)": [[1, "icebrem.common.load_root_file", false]], "load_root_file() (in module icedqcd.common)": [[3, "icedqcd.common.load_root_file", false]], "load_root_file() (in module icehgcal.common)": [[5, "icehgcal.common.load_root_file", false]], "load_root_file() (in module icehnl.common)": [[6, "icehnl.common.load_root_file", false]], "load_root_file() (in module iceid.common)": [[7, "iceid.common.load_root_file", false]], "load_root_file() (in module icetrg.common)": [[11, "icetrg.common.load_root_file", false]], "load_root_file() (in module icezee.common)": [[12, "icezee.common.load_root_file", false]], "load_torch_checkpoint() (in module icenet.tools.aux_torch)": [[9, "icenet.tools.aux_torch.load_torch_checkpoint", false]], "load_torch_model() (in module icenet.tools.aux_torch)": [[9, "icenet.tools.aux_torch.load_torch_model", false]], "load_tree() (in module icenet.tools.iceroot)": [[9, "icenet.tools.iceroot.load_tree", false]], "load_tree_stats() (in module icenet.tools.iceroot)": [[9, "icenet.tools.iceroot.load_tree_stats", false]], "log_pxz() (vae method)": [[9, "icenet.deep.vae.VAE.log_pxz", false]], "log_softmax() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.log_softmax", false]], "logit_l1_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.LOGIT_L1_loss", false]], "logit_l2_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.LOGIT_L2_loss", false]], "logitswithtemperature (class in icenet.deep.tempscale)": [[9, "icenet.deep.tempscale.LogitsWithTemperature", false]], "logl() (in module icefit.score)": [[4, "icefit.score.logL", false]], "lognormal_param() (in module icefit.lognormal)": [[4, "icefit.lognormal.lognormal_param", false]], "logsumexp() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.logsumexp", false]], "longvec2matrix() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.longvec2matrix", false]], "los2lol() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.los2lol", false]], "loss_kl_reco() (vae method)": [[9, "icenet.deep.vae.VAE.loss_kl_reco", false]], "loss_wrapper() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.loss_wrapper", false]], "lq_binary_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.Lq_binary_loss", false]], "lqbernoulliwithlogitsloss (class in icenet.deep.losstools)": [[9, "icenet.deep.losstools.LqBernoulliWithLogitsLoss", false]], "lzmlp (class in icenet.deep.lzmlp)": [[9, "icenet.deep.lzmlp.LZMLP", false]], "m (vec4 property)": [[9, "icenet.tools.icevec.vec4.m", false]], "m2 (vec4 property)": [[9, "icenet.tools.icevec.vec4.m2", false]], "mae_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.MAE_loss", false]], "main() (in module icefit.commutator)": [[4, "icefit.commutator.main", false]], "main() (in module icefit.dequantize)": [[4, "icefit.dequantize.main", false]], "main() (in module icefit.lognormal)": [[4, "icefit.lognormal.main", false]], "main() (in module icefit.mantissa)": [[4, "icefit.mantissa.main", false]], "make_hash_sha256_file() (in module icenet.tools.io)": [[9, "icenet.tools.io.make_hash_sha256_file", false]], "make_hash_sha256_object() (in module icenet.tools.io)": [[9, "icenet.tools.io.make_hash_sha256_object", false]], "make_hashable() (in module icenet.tools.io)": [[9, "icenet.tools.io.make_hashable", false]], "make_plots() (in module icenet.tools.process)": [[9, "icenet.tools.process.make_plots", false]], "makedir() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.makedir", false]], "map_xyw() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.map_xyw", false]], "maskedweight (class in icenet.deep.bnaf)": [[9, "icenet.deep.bnaf.MaskedWeight", false]], "maxout (class in icenet.deep.maxo)": [[9, "icenet.deep.maxo.MAXOUT", false]], "maxout() (cnn_maxo method)": [[9, "icenet.deep.cnn.CNN_MAXO.maxout", false]], "maxout() (maxout method)": [[9, "icenet.deep.maxo.MAXOUT.maxout", false]], "mc_extreme_multivariate_npdf() (in module icefit.statstools)": [[4, "icefit.statstools.mc_extreme_multivariate_npdf", false]], "mc_extreme_npdf() (in module icefit.statstools)": [[4, "icefit.statstools.mc_extreme_npdf", false]], "merge_connected() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.merge_connected", false]], "message() (panconv method)": [[9, "icenet.deep.pgraph.PANConv.message", false]], "message() (superedgeconv method)": [[9, "icenet.deep.graph.SuperEdgeConv.message", false]], "metric (class in icenet.tools.aux)": [[9, "icenet.tools.aux.Metric", false]], "mi_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.MI_loss", false]], "minenet (class in icefit.mine)": [[4, "icefit.mine.MINENet", false]], "mixture_nll() (in module icefit.em)": [[4, "icefit.em.mixture_nll", false]], "ml_nmf() (in module icenet.algo.nmf)": [[9, "icenet.algo.nmf.ML_nmf", false]], "ml_update_h() (in module icenet.algo.nmf)": [[9, "icenet.algo.nmf.ML_update_H", false]], "ml_update_w() (in module icenet.algo.nmf)": [[9, "icenet.algo.nmf.ML_update_W", false]], "mlgr (class in icenet.deep.mlgr)": [[9, "icenet.deep.mlgr.MLGR", false]], "mlp() (in module icenet.deep.dmlp)": [[9, "icenet.deep.dmlp.MLP", false]], "mlp_all_act() (in module icenet.deep.dmlp)": [[9, "icenet.deep.dmlp.MLP_ALL_ACT", false]], "model_to_cuda() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.model_to_cuda", false]], "modelwithtemperature (class in icenet.deep.tempscale)": [[9, "icenet.deep.tempscale.ModelWithTemperature", false]], "module": [[1, "module-icebrem.common", false], [2, "module-icebrk.PDG", false], [2, "module-icebrk.cutstats", false], [2, "module-icebrk.fasthistos", false], [2, "module-icebrk.features", false], [2, "module-icebrk.histos", false], [2, "module-icebrk.loop", false], [2, "module-icebrk.tools", false], [3, "module-icedqcd.common", false], [3, "module-icedqcd.deploy", false], [3, "module-icedqcd.graphio", false], [3, "module-icedqcd.limits", false], [3, "module-icedqcd.optimize", false], [4, "module-icefit.abcd", false], [4, "module-icefit.commutator", false], [4, "module-icefit.cortools", false], [4, "module-icefit.dequantize", false], [4, "module-icefit.em", false], [4, "module-icefit.icelimit", false], [4, "module-icefit.jacobian", false], [4, "module-icefit.lognormal", false], [4, "module-icefit.mantissa", false], [4, "module-icefit.mine", false], [4, "module-icefit.peakfit", false], [4, "module-icefit.score", false], [4, "module-icefit.statstools", false], [5, "module-icehgcal.common", false], [5, "module-icehgcal.graphio", false], [5, "module-icehgcal.preprocess", false], [6, "module-icehnl.common", false], [7, "module-iceid.common", false], [7, "module-iceid.graphio", false], [8, "module-icemc.icemc", false], [9, "module-icenet.algo.analytic", false], [9, "module-icenet.algo.flr", false], [9, "module-icenet.algo.nmf", false], [9, "module-icenet.deep.autogradxgb", false], [9, "module-icenet.deep.bnaf", false], [9, "module-icenet.deep.cnn", false], [9, "module-icenet.deep.da", false], [9, "module-icenet.deep.dbnf", false], [9, "module-icenet.deep.deeptools", false], [9, "module-icenet.deep.deps", false], [9, "module-icenet.deep.dmlp", false], [9, "module-icenet.deep.fastkan", false], [9, "module-icenet.deep.gcnn", false], [9, "module-icenet.deep.graph", false], [9, "module-icenet.deep.iceboost", false], [9, "module-icenet.deep.losstools", false], [9, "module-icenet.deep.lzmlp", false], [9, "module-icenet.deep.maxo", false], [9, "module-icenet.deep.mlgr", false], [9, "module-icenet.deep.optimize", false], [9, "module-icenet.deep.pgraph", false], [9, "module-icenet.deep.predict", false], [9, "module-icenet.deep.tempscale", false], [9, "module-icenet.deep.train", false], [9, "module-icenet.deep.vae", false], [9, "module-icenet.optim.adam", false], [9, "module-icenet.optim.adamax", false], [9, "module-icenet.optim.scheduler", false], [9, "module-icenet.tools.aux", false], [9, "module-icenet.tools.aux_torch", false], [9, "module-icenet.tools.icemap", false], [9, "module-icenet.tools.iceroot", false], [9, "module-icenet.tools.icevec", false], [9, "module-icenet.tools.io", false], [9, "module-icenet.tools.plots", false], [9, "module-icenet.tools.prints", false], [9, "module-icenet.tools.process", false], [9, "module-icenet.tools.raytools", false], [9, "module-icenet.tools.reweight", false], [9, "module-icenet.tools.stx", false], [10, "module-iceplot.iceplot", false], [11, "module-icetrg.common", false], [12, "module-icezee.common", false]], "mse_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.MSE_loss", false]], "mt (vec4 property)": [[9, "icenet.tools.icevec.vec4.mt", false]], "multiclass_cross_entropy_logprob() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.multiclass_cross_entropy_logprob", false]], "multiclass_focal_entropy_logprob() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.multiclass_focal_entropy_logprob", false]], "multiclass_logit_norm_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.multiclass_logit_norm_loss", false]], "multiclass_roc_auc_score() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.multiclass_roc_auc_score", false]], "multiply (class in icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.Multiply", false]], "multiprocess_airw_wrapper() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.multiprocess_AIRW_wrapper", false]], "multiprocess_plot_wrapper() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.multiprocess_plot_wrapper", false]], "mutual_information() (in module icefit.cortools)": [[4, "icefit.cortools.mutual_information", false]], "mva_plot() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.MVA_plot", false]], "nnconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.NNConv_", false]], "number_of_set_bits() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.number_of_set_bits", false]], "observed_fisher_info() (in module icefit.jacobian)": [[4, "icefit.jacobian.observed_fisher_info", false]], "optbins() (in module icefit.cortools)": [[4, "icefit.cortools.optbins", false]], "optbins2d() (in module icefit.cortools)": [[4, "icefit.cortools.optbins2d", false]], "optimize_selection() (in module icedqcd.optimize)": [[3, "icedqcd.optimize.optimize_selection", false]], "ordered_legend() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.ordered_legend", false]], "outer_sim_loop() (in module icemc.icemc)": [[8, "icemc.icemc.outer_sim_loop", false]], "outer_sim_loop_2() (in module icemc.icemc)": [[8, "icemc.icemc.outer_sim_loop_2", false]], "p2zscore() (in module icefit.statstools)": [[4, "icefit.statstools.p2zscore", false]], "p3 (vec4 property)": [[9, "icenet.tools.icevec.vec4.p3", false]], "p3mod (vec4 property)": [[9, "icenet.tools.icevec.vec4.p3mod", false]], "p3mod2 (vec4 property)": [[9, "icenet.tools.icevec.vec4.p3mod2", false]], "panconv (class in icenet.deep.pgraph)": [[9, "icenet.deep.pgraph.PANConv", false]], "panconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.PANConv_", false]], "pandropout (class in icenet.deep.pgraph)": [[9, "icenet.deep.pgraph.PANDropout", false]], "panentropy() (panconv method)": [[9, "icenet.deep.pgraph.PANConv.panentropy", false]], "panentropy_sparse() (panconv method)": [[9, "icenet.deep.pgraph.PANConv.panentropy_sparse", false]], "panentropy_sparse() (panxhmpooling method)": [[9, "icenet.deep.pgraph.PANXHMPooling.panentropy_sparse", false]], "panentropy_sparse() (panxumpooling method)": [[9, "icenet.deep.pgraph.PANXUMPooling.panentropy_sparse", false]], "panumpooling (class in icenet.deep.pgraph)": [[9, "icenet.deep.pgraph.PANUMPooling", false]], "panxhmpooling (class in icenet.deep.pgraph)": [[9, "icenet.deep.pgraph.PANXHMPooling", false]], "panxumpooling (class in icenet.deep.pgraph)": [[9, "icenet.deep.pgraph.PANXUMPooling", false]], "parse_boolean_exptree() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.parse_boolean_exptree", false]], "parse_graph_data() (in module icedqcd.graphio)": [[3, "icedqcd.graphio.parse_graph_data", false]], "parse_graph_data() (in module iceid.graphio)": [[7, "iceid.graphio.parse_graph_data", false]], "parse_graph_data_candidate() (in module icehgcal.graphio)": [[5, "icehgcal.graphio.parse_graph_data_candidate", false]], "parse_graph_data_trackster() (in module icehgcal.graphio)": [[5, "icehgcal.graphio.parse_graph_data_trackster", false]], "parse_tensor_data() (in module iceid.graphio)": [[7, "iceid.graphio.parse_tensor_data", false]], "pbar (progressbar attribute)": [[9, "icenet.tools.raytools.ProgressBar.pbar", false]], "pdf_1d_hist() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.pdf_1D_hist", false]], "pdf_2d_hist() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.pdf_2D_hist", false]], "pearson_corr() (in module icefit.cortools)": [[4, "icefit.cortools.pearson_corr", false]], "pen1_max (class in icenet.deep.deps)": [[9, "icenet.deep.deps.PEN1_max", false]], "pen1_mean (class in icenet.deep.deps)": [[9, "icenet.deep.deps.PEN1_mean", false]], "pen_max (class in icenet.deep.deps)": [[9, "icenet.deep.deps.PEN_max", false]], "pen_mean (class in icenet.deep.deps)": [[9, "icenet.deep.deps.PEN_mean", false]], "percentile_per_dim() (in module icefit.cortools)": [[4, "icefit.cortools.percentile_per_dim", false]], "permutation (class in icenet.deep.bnaf)": [[9, "icenet.deep.bnaf.Permutation", false]], "permute() (icexyw method)": [[9, "icenet.tools.io.IceXYW.permute", false]], "phi (vec4 property)": [[9, "icenet.tools.icevec.vec4.phi", false]], "phi_phasewrap() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.phi_phasewrap", false]], "phi_pipi() (vec4 method)": [[9, "icenet.tools.icevec.vec4.phi_PIPI", false]], "pick_ind() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.pick_ind", false]], "pick_index() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.pick_index", false]], "pick_vars() (in module icenet.tools.io)": [[9, "icenet.tools.io.pick_vars", false]], "pickle_files() (in module icebrk.histos)": [[2, "icebrk.histos.pickle_files", false]], "plot_airw() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_AIRW", false]], "plot_auc_matrix() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_AUC_matrix", false]], "plot_brazil() (in module icedqcd.limits)": [[3, "icedqcd.limits.plot_brazil", false]], "plot_contour_grid() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_contour_grid", false]], "plot_correlation_comparison() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_correlation_comparison", false]], "plot_correlations() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_correlations", false]], "plot_horizontal_line() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.plot_horizontal_line", false]], "plot_matrix() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_matrix", false]], "plot_reweight_result() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_reweight_result", false]], "plot_roc_fit() (in module icedqcd.optimize)": [[3, "icedqcd.optimize.plot_ROC_fit", false]], "plot_selection() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_selection", false]], "plot_train_evolution_multi() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_train_evolution_multi", false]], "plot_xgb_importance() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_xgb_importance", false]], "plot_xyz_multiple_models() (in module icenet.tools.process)": [[9, "icenet.tools.process.plot_XYZ_multiple_models", false]], "plot_xyz_wrap() (in module icenet.tools.process)": [[9, "icenet.tools.process.plot_XYZ_wrap", false]], "plots() (in module icefit.mantissa)": [[4, "icefit.mantissa.plots", false]], "plotvar() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plotvar", false]], "plotvars() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plotvars", false]], "poisson_ratio() (in module icefit.statstools)": [[4, "icefit.statstools.poisson_ratio", false]], "poisson_tail() (in module icefit.statstools)": [[4, "icefit.statstools.poisson_tail", false]], "poweranalysis() (in module icebrk.loop)": [[2, "icebrk.loop.poweranalysis", false]], "powerset_constructor() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.powerset_constructor", false]], "powerset_cutmask() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.powerset_cutmask", false]], "prc_ci() (in module icefit.cortools)": [[4, "icefit.cortools.prc_CI", false]], "pred_cut() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_cut", false]], "pred_cutset() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_cutset", false]], "pred_flow() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_flow", false]], "pred_flr() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_flr", false]], "pred_graph_xgb() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_graph_xgb", false]], "pred_torch_generic() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_torch_generic", false]], "pred_torch_graph() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_torch_graph", false]], "pred_torch_scalar() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_torch_scalar", false]], "pred_xgb() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_xgb", false]], "pred_xgb_logistic() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_xgb_logistic", false]], "pred_xgb_scalar() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_xgb_scalar", false]], "predict() (in module icenet.algo.flr)": [[9, "icenet.algo.flr.predict", false]], "predict() (in module icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.predict", false]], "print_colored_matrix() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.print_colored_matrix", false]], "print_exptree() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.print_exptree", false]], "print_flow() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.print_flow", false]], "print_mc_event() (in module icebrk.tools)": [[2, "icebrk.tools.print_MC_event", false]], "print_parallel_cutflow() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.print_parallel_cutflow", false]], "print_ram_usage() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.print_RAM_usage", false]], "print_stats() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.print_stats", false]], "print_until_done() (progressbar method)": [[9, "icenet.tools.raytools.ProgressBar.print_until_done", false]], "print_variables() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.print_variables", false]], "print_weights() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.print_weights", false]], "printbar() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.printbar", false]], "printbranch() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.printbranch", false]], "printloss() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.printloss", false]], "process() (in module icebrk.loop)": [[2, "icebrk.loop.process", false]], "process_batch() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.process_batch", false]], "process_data() (in module icedqcd.deploy)": [[3, "icedqcd.deploy.process_data", false]], "process_data() (in module icenet.tools.process)": [[9, "icenet.tools.process.process_data", false]], "process_memory_use() (in module icenet.tools.io)": [[9, "icenet.tools.io.process_memory_use", false]], "process_raw_data() (in module icenet.tools.process)": [[9, "icenet.tools.process.process_raw_data", false]], "process_regexp_ids() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.process_regexp_ids", false]], "process_root() (in module icebrem.common)": [[1, "icebrem.common.process_root", false]], "process_root() (in module icedqcd.common)": [[3, "icedqcd.common.process_root", false]], "process_root() (in module icehgcal.common)": [[5, "icehgcal.common.process_root", false]], "process_root() (in module icetrg.common)": [[11, "icetrg.common.process_root", false]], "process_tracklet_data() (in module icehgcal.common)": [[5, "icehgcal.common.process_tracklet_data", false]], "prod_eprop() (in module icefit.statstools)": [[4, "icefit.statstools.prod_eprop", false]], "produce_acceptance_sim() (in module icemc.icemc)": [[8, "icemc.icemc.produce_acceptance_sim", false]], "progress_actor (progressbar attribute)": [[9, "icenet.tools.raytools.ProgressBar.progress_actor", false]], "progressbar (class in icenet.tools.raytools)": [[9, "icenet.tools.raytools.ProgressBar", false]], "pt (vec4 property)": [[9, "icenet.tools.icevec.vec4.pt", false]], "pt2 (vec4 property)": [[9, "icenet.tools.icevec.vec4.pt2", false]], "px (vec4 property)": [[9, "icenet.tools.icevec.vec4.px", false]], "py (vec4 property)": [[9, "icenet.tools.icevec.vec4.py", false]], "pz (vec4 property)": [[9, "icenet.tools.icevec.vec4.pz", false]], "q_exp() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.q_exp", false]], "q_log() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.q_log", false]], "radialbasisfunction (class in icenet.deep.fastkan)": [[9, "icenet.deep.fastkan.RadialBasisFunction", false]], "rand_lognormal() (in module icefit.lognormal)": [[4, "icefit.lognormal.rand_lognormal", false]], "rand_powexp() (in module icefit.lognormal)": [[4, "icefit.lognormal.rand_powexp", false]], "randexp() (in module icemc.icemc)": [[8, "icemc.icemc.randexp", false]], "randpow() (in module icemc.icemc)": [[8, "icemc.icemc.randpow", false]], "rapidity (vec4 property)": [[9, "icenet.tools.icevec.vec4.rapidity", false]], "ratio_eprop() (in module icefit.statstools)": [[4, "icefit.statstools.ratio_eprop", false]], "ratioerr() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.ratioerr", false]], "raytune_main() (in module icenet.deep.train)": [[9, "icenet.deep.train.raytune_main", false]], "read_cli() (in module icenet.tools.process)": [[9, "icenet.tools.process.read_cli", false]], "read_config() (in module icenet.tools.process)": [[9, "icenet.tools.process.read_config", false]], "read_data_tracklet() (in module icehgcal.common)": [[5, "icehgcal.common.read_data_tracklet", false]], "read_multiple() (in module icenet.tools.iceroot)": [[9, "icenet.tools.iceroot.read_multiple", false]], "read_single() (in module icenet.tools.iceroot)": [[9, "icenet.tools.iceroot.read_single", false]], "recursive_concatenate() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.recursive_concatenate", false]], "red() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.red", false]], "reduce_mantissa_bits() (in module icefit.mantissa)": [[4, "icefit.mantissa.reduce_mantissa_bits", false]], "reduce_mantissa_digits() (in module icefit.mantissa)": [[4, "icefit.mantissa.reduce_mantissa_digits", false]], "reducelronplateau (class in icenet.optim.scheduler)": [[9, "icenet.optim.scheduler.ReduceLROnPlateau", false]], "replace_param() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.replace_param", false]], "reset() (fastarray1 method)": [[9, "icenet.tools.io.fastarray1.reset", false]], "reset_param() (gcn_layer method)": [[9, "icenet.deep.gcnn.GCN_layer.reset_param", false]], "reset_parameters() (splinelinear method)": [[9, "icenet.deep.fastkan.SplineLinear.reset_parameters", false]], "reset_parameters() (superedgeconv method)": [[9, "icenet.deep.graph.SuperEdgeConv.reset_parameters", false]], "resonance_generator() (in module icemc.icemc)": [[8, "icemc.icemc.resonance_generator", false]], "reweightcoeff1d() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.reweightcoeff1D", false]], "reweightcoeff2d() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.reweightcoeff2D", false]], "roc_plot() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.ROC_plot", false]], "rootsafe() (in module icenet.tools.io)": [[9, "icenet.tools.io.rootsafe", false]], "rotateso3() (vec4 method)": [[9, "icenet.tools.icevec.vec4.rotateSO3", false]], "rotatex() (vec4 method)": [[9, "icenet.tools.icevec.vec4.rotateX", false]], "rotatey() (vec4 method)": [[9, "icenet.tools.icevec.vec4.rotateY", false]], "rotatez() (vec4 method)": [[9, "icenet.tools.icevec.vec4.rotateZ", false]], "round_sig() (in module icefit.mantissa)": [[4, "icefit.mantissa.round_sig", false]], "run_jpsi_peakfit() (in module icefit.peakfit)": [[4, "icefit.peakfit.run_jpsi_peakfit", false]], "run_jpsi_tagprobe() (in module icefit.peakfit)": [[4, "icefit.peakfit.run_jpsi_tagprobe", false]], "run_limits_vector() (in module icedqcd.limits)": [[3, "icedqcd.limits.run_limits_vector", false]], "rw_transform() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.rw_transform", false]], "rw_transform_with_logits() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.rw_transform_with_logits", false]], "safetxt() (in module icenet.tools.io)": [[9, "icenet.tools.io.safetxt", false]], "sageconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.SAGEConv_", false]], "sample_batch() (in module icefit.mine)": [[4, "icefit.mine.sample_batch", false]], "save_torch_model() (in module icenet.tools.aux_torch)": [[9, "icenet.tools.aux_torch.save_torch_model", false]], "scale() (vec4 method)": [[9, "icenet.tools.icevec.vec4.scale", false]], "scott_bin() (in module icefit.cortools)": [[4, "icefit.cortools.scott_bin", false]], "selection_a() (in module icefit.commutator)": [[4, "icefit.commutator.selection_A", false]], "selection_b() (in module icefit.commutator)": [[4, "icefit.commutator.selection_B", false]], "sequential (class in icenet.deep.bnaf)": [[9, "icenet.deep.bnaf.Sequential", false]], "set_arr_format() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.set_arr_format", false]], "set_aspect_true_equal() (in module icemc.icemc)": [[8, "icemc.icemc.set_aspect_true_equal", false]], "set_axis_ticks() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.set_axis_ticks", false]], "set_constructor() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.set_constructor", false]], "set_global_style() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.set_global_style", false]], "set_random_seed() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.set_random_seed", false]], "set_scheduler() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.set_scheduler", false]], "sete() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setE", false]], "setmagthetaphi() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setMagThetaPhi", false]], "setp3() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setP3", false]], "setpt2rapphim2() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setPt2RapPhiM2", false]], "setptetaphi() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setPtEtaPhi", false]], "setptetaphim() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setPtEtaPhiM", false]], "setpxpypze() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setPxPyPzE", false]], "setx() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setX", false]], "setxyz() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setXYZ", false]], "setxyzm() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setXYZM", false]], "setxyzt() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setXYZT", false]], "sety() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setY", false]], "setz() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setZ", false]], "sgconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.SGConv_", false]], "showmem() (in module icenet.tools.io)": [[9, "icenet.tools.io.showmem", false]], "showmem_cuda() (in module icenet.tools.io)": [[9, "icenet.tools.io.showmem_cuda", false]], "sigmoid() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.sigmoid", false]], "sigmoid_schedule() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.sigmoid_schedule", false]], "slice_range() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.slice_range", false]], "softpredict() (cnn method)": [[9, "icenet.deep.cnn.CNN.softpredict", false]], "softpredict() (cnn_maxo method)": [[9, "icenet.deep.cnn.CNN_MAXO.softpredict", false]], "softpredict() (deps method)": [[9, "icenet.deep.deps.DEPS.softpredict", false]], "softpredict() (dmlp method)": [[9, "icenet.deep.dmlp.DMLP.softpredict", false]], "softpredict() (fastkan method)": [[9, "icenet.deep.fastkan.FastKAN.softpredict", false]], "softpredict() (gcn method)": [[9, "icenet.deep.gcnn.GCN.softpredict", false]], "softpredict() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.softpredict", false]], "softpredict() (lzmlp method)": [[9, "icenet.deep.lzmlp.LZMLP.softpredict", false]], "softpredict() (maxout method)": [[9, "icenet.deep.maxo.MAXOUT.softpredict", false]], "softpredict() (mlgr method)": [[9, "icenet.deep.mlgr.MLGR.softpredict", false]], "softpredict() (vae method)": [[9, "icenet.deep.vae.VAE.softpredict", false]], "sort_fpr_tpr() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.sort_fpr_tpr", false]], "spherical_acceptance() (in module icemc.icemc)": [[8, "icemc.icemc.spherical_acceptance", false]], "splineconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.SplineConv_", false]], "splinelinear (class in icenet.deep.fastkan)": [[9, "icenet.deep.fastkan.SplineLinear", false]], "split() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.split", false]], "split_data() (in module icenet.tools.io)": [[9, "icenet.tools.io.split_data", false]], "split_data_simple() (in module icenet.tools.io)": [[9, "icenet.tools.io.split_data_simple", false]], "split_size() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.split_size", false]], "split_start_end() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.split_start_end", false]], "splitfactor() (in module icebrem.common)": [[1, "icebrem.common.splitfactor", false]], "splitfactor() (in module icedqcd.common)": [[3, "icedqcd.common.splitfactor", false]], "splitfactor() (in module icehgcal.common)": [[5, "icehgcal.common.splitfactor", false]], "splitfactor() (in module icehnl.common)": [[6, "icehnl.common.splitfactor", false]], "splitfactor() (in module iceid.common)": [[7, "iceid.common.splitfactor", false]], "splitfactor() (in module icetrg.common)": [[11, "icetrg.common.splitfactor", false]], "splitfactor() (in module icezee.common)": [[12, "icezee.common.splitfactor", false]], "step() (adam method)": [[9, "icenet.optim.adam.Adam.step", false]], "step() (adamax method)": [[9, "icenet.optim.adamax.Adamax.step", false]], "step() (reducelronplateau method)": [[9, "icenet.optim.scheduler.ReduceLROnPlateau.step", false]], "stepspace() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.stepspace", false]], "substitute() (adam method)": [[9, "icenet.optim.adam.Adam.substitute", false]], "substitute() (adamax method)": [[9, "icenet.optim.adamax.Adamax.substitute", false]], "superedgeconv (class in icenet.deep.graph)": [[9, "icenet.deep.graph.SuperEdgeConv", false]], "superedgeconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.SuperEdgeConv_", false]], "superplot() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.superplot", false]], "swap() (adam method)": [[9, "icenet.optim.adam.Adam.swap", false]], "swap() (adamax method)": [[9, "icenet.optim.adamax.Adamax.swap", false]], "swd_reweight_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.SWD_reweight_loss", false]], "t (vec4 property)": [[9, "icenet.tools.icevec.vec4.t", false]], "table_writer() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.table_writer", false]], "tanh (class in icenet.deep.bnaf)": [[9, "icenet.deep.bnaf.Tanh", false]], "tau2gamma() (in module icemc.icemc)": [[8, "icemc.icemc.tau2Gamma", false]], "temperature_scale() (logitswithtemperature method)": [[9, "icenet.deep.tempscale.LogitsWithTemperature.temperature_scale", false]], "temperature_scale() (modelwithtemperature method)": [[9, "icenet.deep.tempscale.ModelWithTemperature.temperature_scale", false]], "test() (in module icemc.icemc)": [[8, "icemc.icemc.test", false]], "test() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.test", false]], "test_abcd() (in module icefit.abcd)": [[4, "icefit.abcd.test_abcd", false]], "test_accuracy() (in module icefit.lognormal)": [[4, "icefit.lognormal.test_accuracy", false]], "test_constant() (in module icefit.cortools)": [[4, "icefit.cortools.test_constant", false]], "test_dimension_interfaces() (in module icefit.jacobian)": [[4, "icefit.jacobian.test_dimension_interfaces", false]], "test_efficiency_ratio() (in module icefit.statstools)": [[4, "icefit.statstools.test_efficiency_ratio", false]], "test_em() (in module icefit.em)": [[4, "icefit.em.test_EM", false]], "test_extreme_npdf() (in module icefit.statstools)": [[4, "icefit.statstools.test_extreme_npdf", false]], "test_gaussian() (in module icefit.cortools)": [[4, "icefit.cortools.test_gaussian", false]], "test_hessians() (in module icefit.jacobian)": [[4, "icefit.jacobian.test_hessians", false]], "test_icecube_concat() (in module icenet.tools.icemap)": [[9, "icenet.tools.icemap.test_icecube_concat", false]], "test_icecube_indexing() (in module icenet.tools.icemap)": [[9, "icenet.tools.icemap.test_icecube_indexing", false]], "test_iceplot() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.test_iceplot", false]], "test_jacobians() (in module icefit.jacobian)": [[4, "icefit.jacobian.test_jacobians", false]], "test_limits_unit_test() (in module icefit.icelimit)": [[4, "icefit.icelimit.test_limits_unit_test", false]], "test_lognormal() (in module icefit.lognormal)": [[4, "icefit.lognormal.test_lognormal", false]], "test_powerset() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.test_powerset", false]], "test_ratios() (in module icefit.statstools)": [[4, "icefit.statstools.test_ratios", false]], "test_syntax_tree_flip() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.test_syntax_tree_flip", false]], "test_syntax_tree_parsing() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.test_syntax_tree_parsing", false]], "test_syntax_tree_simple() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.test_syntax_tree_simple", false]], "test_toy_pt_spectrum() (in module icemc.icemc)": [[8, "icemc.icemc.test_toy_pt_spectrum", false]], "theta (vec4 property)": [[9, "icenet.tools.icevec.vec4.theta", false]], "tick_calc() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.tick_calc", false]], "tick_creator() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.tick_creator", false]], "to_device() (vae method)": [[9, "icenet.deep.vae.VAE.to_device", false]], "to_device() (variationalencoder method)": [[9, "icenet.deep.vae.VariationalEncoder.to_device", false]], "to_edges() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.to_edges", false]], "to_graph() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.to_graph", false]], "topk() (panumpooling method)": [[9, "icenet.deep.pgraph.PANUMPooling.topk", false]], "topk() (panxhmpooling method)": [[9, "icenet.deep.pgraph.PANXHMPooling.topk", false]], "topk() (panxumpooling method)": [[9, "icenet.deep.pgraph.PANXUMPooling.topk", false]], "torch_construct() (in module icenet.deep.train)": [[9, "icenet.deep.train.torch_construct", false]], "torch_conversion() (xgboostobjective method)": [[9, "icenet.deep.autogradxgb.XgboostObjective.torch_conversion", false]], "torch_cuda_total_memory() (in module icenet.tools.io)": [[9, "icenet.tools.io.torch_cuda_total_memory", false]], "torch_loop() (in module icenet.deep.train)": [[9, "icenet.deep.train.torch_loop", false]], "total (progressbar attribute)": [[9, "icenet.tools.raytools.ProgressBar.total", false]], "tpratio_taylor() (in module icefit.statstools)": [[4, "icefit.statstools.tpratio_taylor", false]], "trackloss() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.trackloss", false]], "train() (in module icenet.algo.flr)": [[9, "icenet.algo.flr.train", false]], "train() (in module icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.train", false]], "train() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.train", false]], "train_cutset() (in module icenet.deep.train)": [[9, "icenet.deep.train.train_cutset", false]], "train_eval_data_processor() (in module icenet.tools.process)": [[9, "icenet.tools.process.train_eval_data_processor", false]], "train_flow() (in module icenet.deep.train)": [[9, "icenet.deep.train.train_flow", false]], "train_flr() (in module icenet.deep.train)": [[9, "icenet.deep.train.train_flr", false]], "train_graph_xgb() (in module icenet.deep.train)": [[9, "icenet.deep.train.train_graph_xgb", false]], "train_loop() (in module icefit.mine)": [[4, "icefit.mine.train_loop", false]], "train_models() (in module icenet.tools.process)": [[9, "icenet.tools.process.train_models", false]], "train_torch_generic() (in module icenet.deep.train)": [[9, "icenet.deep.train.train_torch_generic", false]], "train_torch_graph() (in module icenet.deep.train)": [[9, "icenet.deep.train.train_torch_graph", false]], "train_xgb() (in module icenet.deep.iceboost)": [[9, "icenet.deep.iceboost.train_xgb", false]], "tree_node (class in icenet.tools.stx)": [[9, "icenet.tools.stx.tree_node", false]], "triplet_cuts() (in module icebrk.cutstats)": [[2, "icebrk.cutstats.triplet_cuts", false]], "truncate() (in module icezee.common)": [[12, "icezee.common.truncate", false]], "twobody() (in module icemc.icemc)": [[8, "icemc.icemc.twobody", false]], "u() (in module icefit.dequantize)": [[4, "icefit.dequantize.U", false]], "u() (in module icemc.icemc)": [[8, "icemc.icemc.U", false]], "unmask() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.unmask", false]], "unroll_ak_fields() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.unroll_ak_fields", false]], "update() (fastarray1 method)": [[9, "icenet.tools.io.fastarray1.update", false]], "update() (panconv method)": [[9, "icenet.deep.pgraph.PANConv.update", false]], "vae (class in icenet.deep.vae)": [[9, "icenet.deep.vae.VAE", false]], "values() (fastarray1 method)": [[9, "icenet.tools.io.fastarray1.values", false]], "variationalencoder (class in icenet.deep.vae)": [[9, "icenet.deep.vae.VariationalEncoder", false]], "vec4 (class in icenet.tools.icevec)": [[9, "icenet.tools.icevec.vec4", false]], "weight2onehot() (in module icenet.tools.aux_torch)": [[9, "icenet.tools.aux_torch.weight2onehot", false]], "weighted_avg_and_std() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.weighted_avg_and_std", false]], "weighted_binomial_err() (in module icefit.statstools)": [[4, "icefit.statstools.weighted_binomial_err", false]], "weights_init_all() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.weights_init_all", false]], "weights_init_normal() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.weights_init_normal", false]], "weights_init_uniform_rule() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.weights_init_uniform_rule", false]], "welch_ttest() (in module icefit.statstools)": [[4, "icefit.statstools.welch_ttest", false]], "x (vec4 property)": [[9, "icenet.tools.icevec.vec4.x", false]], "x2ind() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.x2ind", false]], "xgboostobjective (class in icenet.deep.autogradxgb)": [[9, "icenet.deep.autogradxgb.XgboostObjective", false]], "y (vec4 property)": [[9, "icenet.tools.icevec.vec4.y", false]], "yaml_dump() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.yaml_dump", false]], "z (vec4 property)": [[9, "icenet.tools.icevec.vec4.z", false]], "zscore_normalization() (in module icedqcd.deploy)": [[3, "icedqcd.deploy.zscore_normalization", false]]}, "objects": {"icebrem": [[1, 0, 0, "-", "common"]], "icebrem.common": [[1, 1, 1, "", "load_root_file"], [1, 1, 1, "", "process_root"], [1, 1, 1, "", "splitfactor"]], "icebrk": [[2, 0, 0, "-", "PDG"], [2, 0, 0, "-", "cutstats"], [2, 0, 0, "-", "fasthistos"], [2, 0, 0, "-", "features"], [2, 0, 0, "-", "histos"], [2, 0, 0, "-", "loop"], [2, 0, 0, "-", "tools"]], "icebrk.cutstats": [[2, 1, 1, "", "apply_cuts"], [2, 1, 1, "", "collect_info_stats"], [2, 1, 1, "", "collect_mcinfo_stats"], [2, 1, 1, "", "init_stat_objects"], [2, 1, 1, "", "triplet_cuts"]], "icebrk.fasthistos": [[2, 1, 1, "", "initialize"]], "icebrk.features": [[2, 1, 1, "", "construct_new_branches"], [2, 1, 1, "", "generate_feature_names"], [2, 1, 1, "", "getdimension"]], "icebrk.histos": [[2, 1, 1, "", "calc_MC_observables"], [2, 1, 1, "", "calc_batch_MC_observables"], [2, 1, 1, "", "calc_batch_observables"], [2, 1, 1, "", "calc_observables"], [2, 1, 1, "", "pickle_files"]], "icebrk.loop": [[2, 1, 1, "", "hdf5_append"], [2, 1, 1, "", "hdf5_write_handles"], [2, 1, 1, "", "hist_flush"], [2, 1, 1, "", "initarrays"], [2, 1, 1, "", "poweranalysis"], [2, 1, 1, "", "process"]], "icebrk.tools": [[2, 1, 1, "", "construct_MC_tree"], [2, 1, 1, "", "construct_MC_truth"], [2, 1, 1, "", "construct_input_vec"], [2, 1, 1, "", "construct_kinematics"], [2, 1, 1, "", "construct_output_vec"], [2, 1, 1, "", "deltar_3"], [2, 1, 1, "", "find_connected_triplets"], [2, 1, 1, "", "get_first_indices"], [2, 1, 1, "", "index_of_first_signal"], [2, 1, 1, "", "index_of_last_signal"], [2, 1, 1, "", "print_MC_event"]], "icedqcd": [[3, 0, 0, "-", "common"], [3, 0, 0, "-", "deploy"], [3, 0, 0, "-", "graphio"], [3, 0, 0, "-", "limits"], [3, 0, 0, "-", "optimize"]], "icedqcd.common": [[3, 1, 1, "", "load_root_file"], [3, 1, 1, "", "process_root"], [3, 1, 1, "", "splitfactor"]], "icedqcd.deploy": [[3, 1, 1, "", "create_ID_label"], [3, 1, 1, "", "f2s"], [3, 1, 1, "", "generate_cartesian_param"], [3, 1, 1, "", "get_predictor"], [3, 1, 1, "", "process_data"], [3, 1, 1, "", "zscore_normalization"]], "icedqcd.graphio": [[3, 1, 1, "", "parse_graph_data"]], "icedqcd.limits": [[3, 1, 1, "", "create_limit_plots_vector"], [3, 1, 1, "", "create_limit_tables"], [3, 1, 1, "", "find_limits"], [3, 1, 1, "", "limit_wrapper_dict"], [3, 1, 1, "", "plot_brazil"], [3, 1, 1, "", "run_limits_vector"]], "icedqcd.optimize": [[3, 1, 1, "", "find_filter"], [3, 1, 1, "", "func_binormal"], [3, 1, 1, "", "func_binormal2"], [3, 1, 1, "", "optimize_selection"], [3, 1, 1, "", "plot_ROC_fit"]], "icefit": [[4, 0, 0, "-", "abcd"], [4, 0, 0, "-", "commutator"], [4, 0, 0, "-", "cortools"], [4, 0, 0, "-", "dequantize"], [4, 0, 0, "-", "em"], [4, 0, 0, "-", "icelimit"], [4, 0, 0, "-", "jacobian"], [4, 0, 0, "-", "lognormal"], [4, 0, 0, "-", "mantissa"], [4, 0, 0, "-", "mine"], [4, 0, 0, "-", "peakfit"], [4, 0, 0, "-", "score"], [4, 0, 0, "-", "statstools"]], "icefit.abcd": [[4, 1, 1, "", "ABCD_2NLL"], [4, 1, 1, "", "ABCD_eq"], [4, 1, 1, "", "ABCD_err"], [4, 1, 1, "", "test_abcd"]], "icefit.commutator": [[4, 1, 1, "", "crv"], [4, 1, 1, "", "main"], [4, 1, 1, "", "selection_A"], [4, 1, 1, "", "selection_B"]], "icefit.cortools": [[4, 1, 1, "", "H_score"], [4, 1, 1, "", "I_score"], [4, 1, 1, "", "bw2bins"], [4, 1, 1, "", "corrcoeff_weighted_torch"], [4, 1, 1, "", "distance_corr"], [4, 1, 1, "", "distance_corr_torch"], [4, 1, 1, "", "freedman_diaconis_bin"], [4, 1, 1, "", "gaussian_mutual_information"], [4, 1, 1, "", "hacine_entropy_bin"], [4, 1, 1, "", "hacine_joint_entropy_bin"], [4, 1, 1, "", "mutual_information"], [4, 1, 1, "", "optbins"], [4, 1, 1, "", "optbins2d"], [4, 1, 1, "", "pearson_corr"], [4, 1, 1, "", "percentile_per_dim"], [4, 1, 1, "", "prc_CI"], [4, 1, 1, "", "scott_bin"], [4, 1, 1, "", "test_constant"], [4, 1, 1, "", "test_gaussian"]], "icefit.dequantize": [[4, 1, 1, "", "U"], [4, 1, 1, "", "compute_ind"], [4, 1, 1, "", "construct_icdf"], [4, 1, 1, "", "fast_loop"], [4, 1, 1, "", "iDQF"], [4, 1, 1, "", "main"]], "icefit.em": [[4, 1, 1, "", "EM_frac"], [4, 1, 1, "", "gausspdf"], [4, 1, 1, "", "mixture_nll"], [4, 1, 1, "", "test_EM"]], "icefit.icelimit": [[4, 1, 1, "", "CL_single"], [4, 1, 1, "", "CL_single_asymptotic"], [4, 1, 1, "", "CL_single_compute"], [4, 1, 1, "", "LL_splusb"], [4, 1, 1, "", "asymptotic_uncertainty_CLs"], [4, 1, 1, "", "convolve_systematics"], [4, 1, 1, "", "test_limits_unit_test"]], "icefit.jacobian": [[4, 1, 1, "", "get_full_hessian"], [4, 1, 1, "", "get_gradient"], [4, 1, 1, "", "get_jacobian"], [4, 1, 1, "", "observed_fisher_info"], [4, 1, 1, "", "test_dimension_interfaces"], [4, 1, 1, "", "test_hessians"], [4, 1, 1, "", "test_jacobians"]], "icefit.lognormal": [[4, 1, 1, "", "create_label"], [4, 1, 1, "", "lognormal_param"], [4, 1, 1, "", "main"], [4, 1, 1, "", "rand_lognormal"], [4, 1, 1, "", "rand_powexp"], [4, 1, 1, "", "test_accuracy"], [4, 1, 1, "", "test_lognormal"]], "icefit.mantissa": [[4, 1, 1, "", "bits2digits"], [4, 1, 1, "", "digits2bits"], [4, 1, 1, "", "main"], [4, 1, 1, "", "plots"], [4, 1, 1, "", "reduce_mantissa_bits"], [4, 1, 1, "", "reduce_mantissa_digits"], [4, 1, 1, "", "round_sig"]], "icefit.mine": [[4, 2, 1, "", "MINENet"], [4, 1, 1, "", "apply_mine"], [4, 1, 1, "", "apply_mine_batched"], [4, 1, 1, "", "compute_mine"], [4, 1, 1, "", "estimate"], [4, 1, 1, "", "sample_batch"], [4, 1, 1, "", "train_loop"]], "icefit.mine.MINENet": [[4, 3, 1, "", "forward"]], "icefit.peakfit": [[4, 1, 1, "", "fit_and_analyze"], [4, 1, 1, "", "fit_task"], [4, 1, 1, "", "fit_task_multi"], [4, 1, 1, "", "get_rootfiles_jpsi"], [4, 1, 1, "", "group_systematics"], [4, 1, 1, "", "run_jpsi_peakfit"], [4, 1, 1, "", "run_jpsi_tagprobe"]], "icefit.score": [[4, 1, 1, "", "logL"]], "icefit.statstools": [[4, 1, 1, "", "ADS"], [4, 1, 1, "", "analytical_extreme_npdf"], [4, 1, 1, "", "clopper_pearson_err"], [4, 1, 1, "", "columnar_mask_efficiency"], [4, 1, 1, "", "cormat2covmat"], [4, 1, 1, "", "correlation_matrix"], [4, 1, 1, "", "covmat2corrmat"], [4, 1, 1, "", "error_on_mu"], [4, 1, 1, "", "error_on_std"], [4, 1, 1, "", "geom_mean_2D"], [4, 1, 1, "", "mc_extreme_multivariate_npdf"], [4, 1, 1, "", "mc_extreme_npdf"], [4, 1, 1, "", "p2zscore"], [4, 1, 1, "", "poisson_ratio"], [4, 1, 1, "", "poisson_tail"], [4, 1, 1, "", "prod_eprop"], [4, 1, 1, "", "ratio_eprop"], [4, 1, 1, "", "test_efficiency_ratio"], [4, 1, 1, "", "test_extreme_npdf"], [4, 1, 1, "", "test_ratios"], [4, 1, 1, "", "tpratio_taylor"], [4, 1, 1, "", "weighted_binomial_err"], [4, 1, 1, "", "welch_ttest"]], "icehgcal": [[5, 0, 0, "-", "common"], [5, 0, 0, "-", "graphio"], [5, 0, 0, "-", "preprocess"]], "icehgcal.common": [[5, 1, 1, "", "load_root_file"], [5, 1, 1, "", "process_root"], [5, 1, 1, "", "process_tracklet_data"], [5, 1, 1, "", "read_data_tracklet"], [5, 1, 1, "", "splitfactor"]], "icehgcal.graphio": [[5, 1, 1, "", "compute_edge_attr"], [5, 1, 1, "", "get_node_features"], [5, 1, 1, "", "parse_graph_data_candidate"], [5, 1, 1, "", "parse_graph_data_trackster"]], "icehgcal.preprocess": [[5, 1, 1, "", "compute_edges"], [5, 1, 1, "", "create_trackster_data"], [5, 1, 1, "", "event_loop"]], "icehnl": [[6, 0, 0, "-", "common"]], "icehnl.common": [[6, 1, 1, "", "load_root_file"], [6, 1, 1, "", "splitfactor"]], "iceid": [[7, 0, 0, "-", "common"], [7, 0, 0, "-", "graphio"]], "iceid.common": [[7, 1, 1, "", "load_root_file"], [7, 1, 1, "", "splitfactor"]], "iceid.graphio": [[7, 1, 1, "", "get_node_features"], [7, 1, 1, "", "parse_graph_data"], [7, 1, 1, "", "parse_tensor_data"]], "icemc": [[8, 0, 0, "-", "icemc"]], "icemc.icemc": [[8, 1, 1, "", "Gamma2tau"], [8, 1, 1, "", "U"], [8, 1, 1, "", "annotate_heatmap"], [8, 1, 1, "", "outer_sim_loop"], [8, 1, 1, "", "outer_sim_loop_2"], [8, 1, 1, "", "produce_acceptance_sim"], [8, 1, 1, "", "randexp"], [8, 1, 1, "", "randpow"], [8, 1, 1, "", "resonance_generator"], [8, 1, 1, "", "set_aspect_true_equal"], [8, 1, 1, "", "spherical_acceptance"], [8, 1, 1, "", "tau2Gamma"], [8, 1, 1, "", "test"], [8, 1, 1, "", "test_toy_pt_spectrum"], [8, 1, 1, "", "twobody"]], "icenet.algo": [[9, 0, 0, "-", "analytic"], [9, 0, 0, "-", "flr"], [9, 0, 0, "-", "nmf"]], "icenet.algo.analytic": [[9, 1, 1, "", "count_simple_edges"], [9, 1, 1, "", "deltaR"], [9, 1, 1, "", "fox_wolfram_boost_inv"], [9, 1, 1, "", "get_Lorentz_edge_features"], [9, 1, 1, "", "get_simple_edge_index"], [9, 1, 1, "", "gram_matrix"], [9, 1, 1, "", "invmass"], [9, 1, 1, "", "invmass_massless"], [9, 1, 1, "", "ktmetric"], [9, 1, 1, "", "phi_phasewrap"]], "icenet.algo.flr": [[9, 1, 1, "", "predict"], [9, 1, 1, "", "train"]], "icenet.algo.nmf": [[9, 1, 1, "", "ML_nmf"], [9, 1, 1, "", "ML_update_H"], [9, 1, 1, "", "ML_update_W"]], "icenet.deep": [[9, 0, 0, "-", "autogradxgb"], [9, 0, 0, "-", "bnaf"], [9, 0, 0, "-", "cnn"], [9, 0, 0, "-", "da"], [9, 0, 0, "-", "dbnf"], [9, 0, 0, "-", "deeptools"], [9, 0, 0, "-", "deps"], [9, 0, 0, "-", "dmlp"], [9, 0, 0, "-", "fastkan"], [9, 0, 0, "-", "gcnn"], [9, 0, 0, "-", "graph"], [9, 0, 0, "-", "iceboost"], [9, 0, 0, "-", "losstools"], [9, 0, 0, "-", "lzmlp"], [9, 0, 0, "-", "maxo"], [9, 0, 0, "-", "mlgr"], [9, 0, 0, "-", "optimize"], [9, 0, 0, "-", "pgraph"], [9, 0, 0, "-", "predict"], [9, 0, 0, "-", "tempscale"], [9, 0, 0, "-", "train"], [9, 0, 0, "-", "vae"]], "icenet.deep.autogradxgb": [[9, 2, 1, "", "XgboostObjective"]], "icenet.deep.autogradxgb.XgboostObjective": [[9, 3, 1, "", "derivatives"], [9, 3, 1, "", "torch_conversion"]], "icenet.deep.bnaf": [[9, 2, 1, "", "BNAF"], [9, 2, 1, "", "MaskedWeight"], [9, 2, 1, "", "Permutation"], [9, 2, 1, "", "Sequential"], [9, 2, 1, "", "Tanh"]], "icenet.deep.bnaf.BNAF": [[9, 3, 1, "", "forward"]], "icenet.deep.bnaf.MaskedWeight": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "get_weights"]], "icenet.deep.bnaf.Permutation": [[9, 3, 1, "", "forward"]], "icenet.deep.bnaf.Sequential": [[9, 3, 1, "", "forward"]], "icenet.deep.bnaf.Tanh": [[9, 3, 1, "", "forward"]], "icenet.deep.cnn": [[9, 2, 1, "", "CNN"], [9, 2, 1, "", "CNN_MAXO"]], "icenet.deep.cnn.CNN": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "softpredict"]], "icenet.deep.cnn.CNN_MAXO": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "maxout"], [9, 3, 1, "", "softpredict"]], "icenet.deep.da": [[9, 2, 1, "", "GradientReversal"], [9, 2, 1, "", "GradientReversalFunction"]], "icenet.deep.da.GradientReversal": [[9, 3, 1, "", "forward"]], "icenet.deep.da.GradientReversalFunction": [[9, 3, 1, "", "backward"], [9, 3, 1, "", "forward"]], "icenet.deep.dbnf": [[9, 2, 1, "", "Dataset"], [9, 1, 1, "", "compute_log_p_x"], [9, 1, 1, "", "create_model"], [9, 1, 1, "", "get_pdf"], [9, 1, 1, "", "load_models"], [9, 1, 1, "", "predict"], [9, 1, 1, "", "train"]], "icenet.deep.deeptools": [[9, 2, 1, "", "Multiply"], [9, 1, 1, "", "adaptive_gradient_clipping_"], [9, 1, 1, "", "grad_norm"], [9, 1, 1, "", "set_scheduler"], [9, 1, 1, "", "sigmoid_schedule"], [9, 1, 1, "", "weights_init_all"], [9, 1, 1, "", "weights_init_normal"], [9, 1, 1, "", "weights_init_uniform_rule"]], "icenet.deep.deeptools.Multiply": [[9, 3, 1, "", "forward"]], "icenet.deep.deps": [[9, 2, 1, "", "DEPS"], [9, 2, 1, "", "PEN1_max"], [9, 2, 1, "", "PEN1_mean"], [9, 2, 1, "", "PEN_max"], [9, 2, 1, "", "PEN_mean"]], "icenet.deep.deps.DEPS": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "softpredict"]], "icenet.deep.deps.PEN1_max": [[9, 3, 1, "", "forward"]], "icenet.deep.deps.PEN1_mean": [[9, 3, 1, "", "forward"]], "icenet.deep.deps.PEN_max": [[9, 3, 1, "", "forward"]], "icenet.deep.deps.PEN_mean": [[9, 3, 1, "", "forward"]], "icenet.deep.dmlp": [[9, 2, 1, "", "DMLP"], [9, 2, 1, "", "LinearLayer"], [9, 1, 1, "", "MLP"], [9, 1, 1, "", "MLP_ALL_ACT"], [9, 1, 1, "", "get_act"]], "icenet.deep.dmlp.DMLP": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "softpredict"]], "icenet.deep.dmlp.LinearLayer": [[9, 3, 1, "", "forward"]], "icenet.deep.fastkan": [[9, 2, 1, "", "AttentionWithFastKANTransform"], [9, 2, 1, "", "FastKAN"], [9, 2, 1, "", "FastKANLayer"], [9, 2, 1, "", "RadialBasisFunction"], [9, 2, 1, "", "SplineLinear"]], "icenet.deep.fastkan.AttentionWithFastKANTransform": [[9, 3, 1, "", "forward"]], "icenet.deep.fastkan.FastKAN": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "softpredict"]], "icenet.deep.fastkan.FastKANLayer": [[9, 3, 1, "", "forward"]], "icenet.deep.fastkan.RadialBasisFunction": [[9, 3, 1, "", "forward"]], "icenet.deep.fastkan.SplineLinear": [[9, 3, 1, "", "reset_parameters"]], "icenet.deep.gcnn": [[9, 2, 1, "", "GCN"], [9, 2, 1, "", "GCN_layer"]], "icenet.deep.gcnn.GCN": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "softpredict"]], "icenet.deep.gcnn.GCN_layer": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "reset_param"]], "icenet.deep.graph": [[9, 2, 1, "", "GNNGeneric"], [9, 2, 1, "", "SuperEdgeConv"]], "icenet.deep.graph.GNNGeneric": [[9, 3, 1, "", "DynamicEdgeConv_"], [9, 3, 1, "", "EdgeConv_"], [9, 3, 1, "", "GATConv_"], [9, 3, 1, "", "GINEConv_"], [9, 3, 1, "", "GINE_helper"], [9, 3, 1, "", "NNConv_"], [9, 3, 1, "", "PANConv_"], [9, 3, 1, "", "SAGEConv_"], [9, 3, 1, "", "SGConv_"], [9, 3, 1, "", "SplineConv_"], [9, 3, 1, "", "SuperEdgeConv_"], [9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "forward_2pt"], [9, 3, 1, "", "forward_with_DA"], [9, 3, 1, "", "inference"], [9, 3, 1, "", "softpredict"]], "icenet.deep.graph.SuperEdgeConv": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "init_"], [9, 3, 1, "", "message"], [9, 3, 1, "", "reset_parameters"]], "icenet.deep.iceboost": [[9, 1, 1, "", "BCE_loss_with_logits"], [9, 1, 1, "", "create_filters"], [9, 1, 1, "", "train_xgb"]], "icenet.deep.losstools": [[9, 1, 1, "", "BCE_loss"], [9, 2, 1, "", "FocalWithLogitsLoss"], [9, 1, 1, "", "LOGIT_L1_loss"], [9, 1, 1, "", "LOGIT_L2_loss"], [9, 2, 1, "", "LqBernoulliWithLogitsLoss"], [9, 1, 1, "", "Lq_binary_loss"], [9, 1, 1, "", "MAE_loss"], [9, 1, 1, "", "MI_loss"], [9, 1, 1, "", "MSE_loss"], [9, 1, 1, "", "SWD_reweight_loss"], [9, 1, 1, "", "binary_cross_entropy_logprob"], [9, 1, 1, "", "binary_focal_loss"], [9, 1, 1, "", "log_softmax"], [9, 1, 1, "", "logsumexp"], [9, 1, 1, "", "loss_wrapper"], [9, 1, 1, "", "multiclass_cross_entropy_logprob"], [9, 1, 1, "", "multiclass_focal_entropy_logprob"], [9, 1, 1, "", "multiclass_logit_norm_loss"]], "icenet.deep.losstools.FocalWithLogitsLoss": [[9, 3, 1, "", "forward"]], "icenet.deep.losstools.LqBernoulliWithLogitsLoss": [[9, 3, 1, "", "L_q"], [9, 3, 1, "", "forward"]], "icenet.deep.lzmlp": [[9, 2, 1, "", "LZMLP"], [9, 2, 1, "", "LipschitzLinear"]], "icenet.deep.lzmlp.LZMLP": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "get_lipschitz_loss"], [9, 3, 1, "", "softpredict"]], "icenet.deep.lzmlp.LipschitzLinear": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "get_lipschitz_constant"], [9, 3, 1, "", "initialize_parameters"]], "icenet.deep.maxo": [[9, 2, 1, "", "MAXOUT"]], "icenet.deep.maxo.MAXOUT": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "maxout"], [9, 3, 1, "", "softpredict"]], "icenet.deep.mlgr": [[9, 2, 1, "", "MLGR"]], "icenet.deep.mlgr.MLGR": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "softpredict"]], "icenet.deep.optimize": [[9, 2, 1, "", "Dataset"], [9, 2, 1, "", "DualDataset"], [9, 1, 1, "", "batch2tensor"], [9, 1, 1, "", "dict_batch_to_cuda"], [9, 1, 1, "", "model_to_cuda"], [9, 1, 1, "", "printloss"], [9, 1, 1, "", "process_batch"], [9, 1, 1, "", "test"], [9, 1, 1, "", "trackloss"], [9, 1, 1, "", "train"]], "icenet.deep.pgraph": [[9, 2, 1, "", "PANConv"], [9, 2, 1, "", "PANDropout"], [9, 2, 1, "", "PANUMPooling"], [9, 2, 1, "", "PANXHMPooling"], [9, 2, 1, "", "PANXUMPooling"]], "icenet.deep.pgraph.PANConv": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "message"], [9, 3, 1, "", "panentropy"], [9, 3, 1, "", "panentropy_sparse"], [9, 3, 1, "", "update"]], "icenet.deep.pgraph.PANDropout": [[9, 3, 1, "", "forward"]], "icenet.deep.pgraph.PANUMPooling": [[9, 3, 1, "", "filter_adj"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "topk"]], "icenet.deep.pgraph.PANXHMPooling": [[9, 3, 1, "", "filter_adj"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "panentropy_sparse"], [9, 3, 1, "", "topk"]], "icenet.deep.pgraph.PANXUMPooling": [[9, 3, 1, "", "filter_adj"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "panentropy_sparse"], [9, 3, 1, "", "topk"]], "icenet.deep.predict": [[9, 1, 1, "", "pred_cut"], [9, 1, 1, "", "pred_cutset"], [9, 1, 1, "", "pred_flow"], [9, 1, 1, "", "pred_flr"], [9, 1, 1, "", "pred_graph_xgb"], [9, 1, 1, "", "pred_torch_generic"], [9, 1, 1, "", "pred_torch_graph"], [9, 1, 1, "", "pred_torch_scalar"], [9, 1, 1, "", "pred_xgb"], [9, 1, 1, "", "pred_xgb_logistic"], [9, 1, 1, "", "pred_xgb_scalar"]], "icenet.deep.tempscale": [[9, 2, 1, "", "LogitsWithTemperature"], [9, 2, 1, "", "ModelWithTemperature"]], "icenet.deep.tempscale.LogitsWithTemperature": [[9, 3, 1, "", "calibrate"], [9, 3, 1, "", "temperature_scale"]], "icenet.deep.tempscale.ModelWithTemperature": [[9, 3, 1, "", "calibrate"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "temperature_scale"]], "icenet.deep.train": [[9, 1, 1, "", "getgenericmodel"], [9, 1, 1, "", "getgenericparam"], [9, 1, 1, "", "getgraphmodel"], [9, 1, 1, "", "getgraphparam"], [9, 1, 1, "", "raytune_main"], [9, 1, 1, "", "torch_construct"], [9, 1, 1, "", "torch_loop"], [9, 1, 1, "", "train_cutset"], [9, 1, 1, "", "train_flow"], [9, 1, 1, "", "train_flr"], [9, 1, 1, "", "train_graph_xgb"], [9, 1, 1, "", "train_torch_generic"], [9, 1, 1, "", "train_torch_graph"]], "icenet.deep.vae": [[9, 2, 1, "", "Decoder"], [9, 2, 1, "", "Encoder"], [9, 2, 1, "", "VAE"], [9, 2, 1, "", "VariationalEncoder"]], "icenet.deep.vae.Decoder": [[9, 3, 1, "", "forward"]], "icenet.deep.vae.Encoder": [[9, 3, 1, "", "forward"]], "icenet.deep.vae.VAE": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "kl_div"], [9, 3, 1, "", "log_pxz"], [9, 3, 1, "", "loss_kl_reco"], [9, 3, 1, "", "softpredict"], [9, 3, 1, "", "to_device"]], "icenet.deep.vae.VariationalEncoder": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "to_device"]], "icenet.optim": [[9, 0, 0, "-", "adam"], [9, 0, 0, "-", "adamax"], [9, 0, 0, "-", "scheduler"]], "icenet.optim.adam": [[9, 2, 1, "", "Adam"]], "icenet.optim.adam.Adam": [[9, 3, 1, "", "step"], [9, 3, 1, "", "substitute"], [9, 3, 1, "", "swap"]], "icenet.optim.adamax": [[9, 2, 1, "", "Adamax"]], "icenet.optim.adamax.Adamax": [[9, 3, 1, "", "step"], [9, 3, 1, "", "substitute"], [9, 3, 1, "", "swap"]], "icenet.optim.scheduler": [[9, 2, 1, "", "ReduceLROnPlateau"]], "icenet.optim.scheduler.ReduceLROnPlateau": [[9, 3, 1, "", "step"]], "icenet.tools": [[9, 0, 0, "-", "aux"], [9, 0, 0, "-", "aux_torch"], [9, 0, 0, "-", "icemap"], [9, 0, 0, "-", "iceroot"], [9, 0, 0, "-", "icevec"], [9, 0, 0, "-", "io"], [9, 0, 0, "-", "plots"], [9, 0, 0, "-", "prints"], [9, 0, 0, "-", "process"], [9, 0, 0, "-", "raytools"], [9, 0, 0, "-", "reweight"], [9, 0, 0, "-", "stx"]], "icenet.tools.aux": [[9, 2, 1, "", "Metric"], [9, 1, 1, "", "ak2numpy"], [9, 1, 1, "", "arrays2matrix"], [9, 1, 1, "", "auc_score"], [9, 1, 1, "", "bin2int"], [9, 1, 1, "", "bin_array"], [9, 1, 1, "", "binaryvec2int"], [9, 1, 1, "", "binom_coeff_all"], [9, 1, 1, "", "binomial"], [9, 1, 1, "", "binvec2powersetindex"], [9, 1, 1, "", "binvec_are_equal"], [9, 1, 1, "", "cartesian_product"], [9, 1, 1, "", "compute_metrics"], [9, 1, 1, "", "concatenate_and_clean"], [9, 1, 1, "", "count_targets"], [9, 1, 1, "", "create_model_filename"], [9, 1, 1, "", "deltaphi"], [9, 1, 1, "", "deltar"], [9, 1, 1, "", "explicit_range"], [9, 1, 1, "", "generatebinary"], [9, 1, 1, "", "generatebinary_fixed"], [9, 1, 1, "", "get_datetime"], [9, 1, 1, "", "getmtime"], [9, 1, 1, "", "int2onehot"], [9, 1, 1, "", "inverse_sigmoid"], [9, 1, 1, "", "jagged2matrix"], [9, 1, 1, "", "jagged2tensor"], [9, 1, 1, "", "jagged_ak_to_numpy"], [9, 1, 1, "", "longvec2matrix"], [9, 1, 1, "", "los2lol"], [9, 1, 1, "", "makedir"], [9, 1, 1, "", "merge_connected"], [9, 1, 1, "", "multiclass_roc_auc_score"], [9, 1, 1, "", "number_of_set_bits"], [9, 1, 1, "", "pick_ind"], [9, 1, 1, "", "pick_index"], [9, 1, 1, "", "process_regexp_ids"], [9, 1, 1, "", "q_exp"], [9, 1, 1, "", "q_log"], [9, 1, 1, "", "recursive_concatenate"], [9, 1, 1, "", "red"], [9, 1, 1, "", "replace_param"], [9, 1, 1, "", "set_random_seed"], [9, 1, 1, "", "sigmoid"], [9, 1, 1, "", "slice_range"], [9, 1, 1, "", "sort_fpr_tpr"], [9, 1, 1, "", "split"], [9, 1, 1, "", "split_size"], [9, 1, 1, "", "split_start_end"], [9, 1, 1, "", "to_edges"], [9, 1, 1, "", "to_graph"], [9, 1, 1, "", "unmask"], [9, 1, 1, "", "unroll_ak_fields"], [9, 1, 1, "", "weighted_avg_and_std"], [9, 1, 1, "", "x2ind"], [9, 1, 1, "", "yaml_dump"]], "icenet.tools.aux_torch": [[9, 1, 1, "", "count_parameters_torch"], [9, 1, 1, "", "load_torch_checkpoint"], [9, 1, 1, "", "load_torch_model"], [9, 1, 1, "", "save_torch_model"], [9, 1, 1, "", "weight2onehot"]], "icenet.tools.icemap": [[9, 2, 1, "", "icemap"], [9, 1, 1, "", "test_icecube_concat"], [9, 1, 1, "", "test_icecube_indexing"]], "icenet.tools.iceroot": [[9, 1, 1, "", "events_to_jagged_numpy"], [9, 1, 1, "", "get_num_events"], [9, 1, 1, "", "load_tree"], [9, 1, 1, "", "load_tree_stats"], [9, 1, 1, "", "read_multiple"], [9, 1, 1, "", "read_single"]], "icenet.tools.icevec": [[9, 1, 1, "", "hepmc2vec4"], [9, 2, 1, "", "vec4"]], "icenet.tools.icevec.vec4": [[9, 3, 1, "", "abs_delta_phi"], [9, 4, 1, "", "abseta"], [9, 4, 1, "", "beta"], [9, 3, 1, "", "boost"], [9, 4, 1, "", "costheta"], [9, 3, 1, "", "deltaR"], [9, 3, 1, "", "deltaphi"], [9, 3, 1, "", "dot3"], [9, 3, 1, "", "dot4"], [9, 4, 1, "", "e"], [9, 4, 1, "", "eta"], [9, 4, 1, "", "gamma"], [9, 4, 1, "", "m"], [9, 4, 1, "", "m2"], [9, 4, 1, "", "mt"], [9, 4, 1, "", "p3"], [9, 4, 1, "", "p3mod"], [9, 4, 1, "", "p3mod2"], [9, 4, 1, "", "phi"], [9, 3, 1, "", "phi_PIPI"], [9, 4, 1, "", "pt"], [9, 4, 1, "", "pt2"], [9, 4, 1, "", "px"], [9, 4, 1, "", "py"], [9, 4, 1, "", "pz"], [9, 4, 1, "", "rapidity"], [9, 3, 1, "", "rotateSO3"], [9, 3, 1, "", "rotateX"], [9, 3, 1, "", "rotateY"], [9, 3, 1, "", "rotateZ"], [9, 3, 1, "", "scale"], [9, 3, 1, "", "setE"], [9, 3, 1, "", "setMagThetaPhi"], [9, 3, 1, "", "setP3"], [9, 3, 1, "", "setPt2RapPhiM2"], [9, 3, 1, "", "setPtEtaPhi"], [9, 3, 1, "", "setPtEtaPhiM"], [9, 3, 1, "", "setPxPyPzE"], [9, 3, 1, "", "setX"], [9, 3, 1, "", "setXYZ"], [9, 3, 1, "", "setXYZM"], [9, 3, 1, "", "setXYZT"], [9, 3, 1, "", "setY"], [9, 3, 1, "", "setZ"], [9, 4, 1, "", "t"], [9, 4, 1, "", "theta"], [9, 4, 1, "", "x"], [9, 4, 1, "", "y"], [9, 4, 1, "", "z"]], "icenet.tools.io": [[9, 2, 1, "", "IceXYW"], [9, 1, 1, "", "apply_madscore"], [9, 1, 1, "", "apply_zscore"], [9, 1, 1, "", "apply_zscore_tensor"], [9, 1, 1, "", "calc_madscore"], [9, 1, 1, "", "calc_zscore"], [9, 1, 1, "", "calc_zscore_tensor"], [9, 1, 1, "", "checkinfnan"], [9, 1, 1, "", "count_files_in_dir"], [9, 2, 1, "", "fastarray1"], [9, 1, 1, "", "get_gpu_memory_map"], [9, 1, 1, "", "glob_expand_files"], [9, 1, 1, "", "impute_data"], [9, 1, 1, "", "index_list"], [9, 1, 1, "", "make_hash_sha256_file"], [9, 1, 1, "", "make_hash_sha256_object"], [9, 1, 1, "", "make_hashable"], [9, 1, 1, "", "pick_vars"], [9, 1, 1, "", "process_memory_use"], [9, 1, 1, "", "rootsafe"], [9, 1, 1, "", "safetxt"], [9, 1, 1, "", "showmem"], [9, 1, 1, "", "showmem_cuda"], [9, 1, 1, "", "split_data"], [9, 1, 1, "", "split_data_simple"], [9, 1, 1, "", "torch_cuda_total_memory"]], "icenet.tools.io.IceXYW": [[9, 3, 1, "", "classfilter"], [9, 3, 1, "", "find_ind"], [9, 3, 1, "", "permute"]], "icenet.tools.io.fastarray1": [[9, 3, 1, "", "add"], [9, 3, 1, "", "reset"], [9, 3, 1, "", "update"], [9, 3, 1, "", "values"]], "icenet.tools.plots": [[9, 1, 1, "", "MVA_plot"], [9, 1, 1, "", "ROC_plot"], [9, 1, 1, "", "annotate_heatmap"], [9, 1, 1, "", "binengine"], [9, 1, 1, "", "binned_1D_AUC"], [9, 1, 1, "", "binned_2D_AUC"], [9, 1, 1, "", "density_COR"], [9, 1, 1, "", "density_COR_wclass"], [9, 1, 1, "", "density_MVA_wclass"], [9, 1, 1, "", "draw_error_band"], [9, 1, 1, "", "multiprocess_AIRW_wrapper"], [9, 1, 1, "", "multiprocess_plot_wrapper"], [9, 1, 1, "", "plot_AIRW"], [9, 1, 1, "", "plot_AUC_matrix"], [9, 1, 1, "", "plot_contour_grid"], [9, 1, 1, "", "plot_correlation_comparison"], [9, 1, 1, "", "plot_correlations"], [9, 1, 1, "", "plot_matrix"], [9, 1, 1, "", "plot_reweight_result"], [9, 1, 1, "", "plot_selection"], [9, 1, 1, "", "plot_train_evolution_multi"], [9, 1, 1, "", "plot_xgb_importance"], [9, 1, 1, "", "plotvar"], [9, 1, 1, "", "plotvars"], [9, 1, 1, "", "table_writer"]], "icenet.tools.prints": [[9, 1, 1, "", "colored_row"], [9, 1, 1, "", "print_RAM_usage"], [9, 1, 1, "", "print_colored_matrix"], [9, 1, 1, "", "print_flow"], [9, 1, 1, "", "print_variables"], [9, 1, 1, "", "print_weights"], [9, 1, 1, "", "printbar"], [9, 1, 1, "", "printbranch"], [9, 1, 1, "", "set_arr_format"]], "icenet.tools.process": [[9, 1, 1, "", "combine_pickle_data"], [9, 1, 1, "", "concatenate_data"], [9, 1, 1, "", "evaluate_models"], [9, 1, 1, "", "generic_flow"], [9, 1, 1, "", "impute_datasets"], [9, 1, 1, "", "load_file_wrapper"], [9, 1, 1, "", "make_plots"], [9, 1, 1, "", "plot_XYZ_multiple_models"], [9, 1, 1, "", "plot_XYZ_wrap"], [9, 1, 1, "", "process_data"], [9, 1, 1, "", "process_raw_data"], [9, 1, 1, "", "read_cli"], [9, 1, 1, "", "read_config"], [9, 1, 1, "", "train_eval_data_processor"], [9, 1, 1, "", "train_models"]], "icenet.tools.raytools": [[9, 2, 1, "", "ProgressBar"]], "icenet.tools.raytools.ProgressBar": [[9, 4, 1, "", "actor"], [9, 5, 1, "", "description"], [9, 5, 1, "", "pbar"], [9, 3, 1, "", "print_until_done"], [9, 5, 1, "", "progress_actor"], [9, 5, 1, "", "total"]], "icenet.tools.reweight": [[9, 1, 1, "", "AIRW_helper"], [9, 1, 1, "", "balanceweights"], [9, 1, 1, "", "compute_ND_reweights"], [9, 1, 1, "", "doublet_helper"], [9, 1, 1, "", "histogram_helper"], [9, 1, 1, "", "map_xyw"], [9, 1, 1, "", "pdf_1D_hist"], [9, 1, 1, "", "pdf_2D_hist"], [9, 1, 1, "", "reweightcoeff1D"], [9, 1, 1, "", "reweightcoeff2D"], [9, 1, 1, "", "rw_transform"], [9, 1, 1, "", "rw_transform_with_logits"]], "icenet.tools.stx": [[9, 1, 1, "", "apply_cutflow"], [9, 1, 1, "", "construct_columnar_cuts"], [9, 1, 1, "", "construct_exptree"], [9, 1, 1, "", "eval_boolean_exptree"], [9, 1, 1, "", "eval_boolean_syntax"], [9, 1, 1, "", "filter_constructor"], [9, 1, 1, "", "parse_boolean_exptree"], [9, 1, 1, "", "powerset_constructor"], [9, 1, 1, "", "powerset_cutmask"], [9, 1, 1, "", "print_exptree"], [9, 1, 1, "", "print_parallel_cutflow"], [9, 1, 1, "", "print_stats"], [9, 1, 1, "", "set_constructor"], [9, 1, 1, "", "test_powerset"], [9, 1, 1, "", "test_syntax_tree_flip"], [9, 1, 1, "", "test_syntax_tree_parsing"], [9, 1, 1, "", "test_syntax_tree_simple"], [9, 2, 1, "", "tree_node"]], "iceplot": [[10, 0, 0, "-", "iceplot"]], "iceplot.iceplot": [[10, 1, 1, "", "binwidth"], [10, 1, 1, "", "change2density_labels"], [10, 1, 1, "", "chi2_cost"], [10, 1, 1, "", "colors"], [10, 1, 1, "", "create_axes"], [10, 1, 1, "", "edge2centerbins"], [10, 1, 1, "", "fuse_histograms"], [10, 1, 1, "", "generate_colormap"], [10, 1, 1, "", "hist"], [10, 1, 1, "", "hist_filled_error"], [10, 1, 1, "", "hist_obj"], [10, 1, 1, "", "hist_to_density"], [10, 1, 1, "", "hist_to_density_fullspace"], [10, 1, 1, "", "histhepdata"], [10, 1, 1, "", "histmc"], [10, 2, 1, "", "hobj"], [10, 1, 1, "", "ordered_legend"], [10, 1, 1, "", "plot_horizontal_line"], [10, 1, 1, "", "ratioerr"], [10, 1, 1, "", "set_axis_ticks"], [10, 1, 1, "", "set_global_style"], [10, 1, 1, "", "stepspace"], [10, 1, 1, "", "superplot"], [10, 1, 1, "", "test_iceplot"], [10, 1, 1, "", "tick_calc"], [10, 1, 1, "", "tick_creator"]], "iceplot.iceplot.hobj": [[10, 3, 1, "", "integral"]], "icetrg": [[11, 0, 0, "-", "common"]], "icetrg.common": [[11, 1, 1, "", "load_root_file"], [11, 1, 1, "", "process_root"], [11, 1, 1, "", "splitfactor"]], "icezee": [[12, 0, 0, "-", "common"]], "icezee.common": [[12, 1, 1, "", "load_helper"], [12, 1, 1, "", "load_root_file"], [12, 1, 1, "", "splitfactor"], [12, 1, 1, "", "truncate"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "function", "Python function"], "2": ["py", "class", "Python class"], "3": ["py", "method", "Python method"], "4": ["py", "property", "Python property"], "5": ["py", "attribute", "Python attribute"]}, "objtypes": {"0": "py:module", "1": "py:function", "2": "py:class", "3": "py:method", "4": "py:property", "5": "py:attribute"}, "terms": {"": [4, 9, 14], "0": [1, 2, 3, 4, 5, 6, 7, 9, 10, 11, 12, 14], "0001": [4, 9], "0009": 3, "001": [4, 9], "002": 9, "01": [2, 4, 9], "02": 14, "02002": 9, "025": 4, "03144": 9, "04": 9, "04062": 9, "04275": 4, "05": [0, 4, 9], "06": [4, 9], "0605197": 4, "07": 9, "07829": 9, "07868": 9, "08": 9, "09": 9, "09310": 9, "1": [2, 3, 4, 8, 9, 10, 14, 15], "10": [4, 9, 14, 15], "100": [4, 9], "1000": [4, 8, 9], "10000": [2, 4], "100000": 4, "1000000": 4, "1000000000": 5, "10000000000": 2, "1000000000000": 10, "1002": 9, "1007": 4, "1024": 2, "10g": 14, "11": [9, 14, 15], "11133339": 9, "115004": 4, "12": [3, 4, 5, 7, 9, 10, 15], "120": 10, "126652": 4, "128": [4, 9], "13": 15, "13333333": 3, "1343592": 4, "1396": 9, "14": [3, 9], "1409": 9, "15": [4, 9, 10], "150": 4, "1508": 9, "1602": 9, "1708": 9, "1727": 4, "1801": 9, "18900": 9, "19": 9, "1974": 4, "1978": 4, "1981": 4, "1992": 4, "1d": [3, 4, 9], "1e": [3, 4, 5, 7, 9, 10], "1p5": 3, "1sigma": 3, "2": [2, 3, 4, 8, 9, 15], "200": 9, "2012": 4, "2016": 4, "2017": 4, "2018": 4, "2024": [0, 9, 14], "2102": 4, "21960784": 3, "2205": 9, "2305": 9, "25": [9, 10], "256": 4, "27s_t": 4, "2d": [4, 9], "2logl": 4, "2sigma": 3, "2x2": 4, "3": [4, 9, 10, 14, 15], "30": [0, 4, 9, 10], "300": 4, "32": [4, 9], "3272129": 4, "34": [9, 10], "3600": 14, "4": [3, 4, 8, 9, 10, 15], "40": [4, 9], "400": 9, "4096": 4, "45": 9, "4533": 9, "457": 4, "487": 4, "5": [2, 3, 4, 9, 10, 15], "50": [4, 9], "500": 9, "5000": 9, "512": 2, "6": [9, 10, 15], "64": 9, "65": 4, "67": 9, "6a04f3052967": 9, "7": [9, 10, 15], "70": 9, "708041": 4, "736507": 3, "7495": 9, "75": [9, 10], "8": [9, 10, 14, 15], "80": 9, "80222": 4, "85": 9, "9": [9, 10, 15], "90": 9, "9437": 4, "95": 9, "96": [4, 9], "96078431": 3, "975": 4, "99": 9, "999": [3, 5, 7, 9], "A": [0, 4, 9, 10], "AND": 9, "As": 9, "For": [0, 4, 9, 10, 15], "If": [0, 4, 9, 14], "In": 9, "It": 9, "No": 14, "OR": [9, 13, 14], "On": 4, "One": [4, 14], "That": 15, "The": [4, 9, 14, 15], "Then": 14, "There": 9, "To": 14, "With": [9, 14], "_i": 9, "_ij": 4, "_j": 9, "_size": 4, "aachen": 9, "ab": [2, 4, 9], "abcd_2nll": 4, "abcd_eq": 4, "abcd_err": 4, "abcdguide_draft18oct18": 4, "abcdmethod": 4, "abhirikshma": 5, "abs_delta_phi": 9, "abseta": 9, "absmax": 9, "absolut": [4, 9], "acat19directopti": 4, "acc_func": 8, "accept": [1, 3, 5, 6, 7, 8, 9, 11, 12], "accord": 8, "accumul": 2, "accur": 4, "accuraci": [4, 9], "act": 9, "act_after_norm": 9, "action": [0, 14], "activ": [3, 4, 5, 7, 9, 14], "active_color": 9, "actor": 9, "actorhandl": 9, "actual": 14, "ad": [4, 15], "adapt": [9, 15], "adaptive_gradient_clipping_": 9, "add": 9, "addit": 4, "addition": 9, "adj_matrix": 9, "adjac": 9, "advanc": 10, "after": [2, 9, 14, 15], "afterdrop": 9, "afterward": [4, 9], "against": 9, "aggr": 9, "aggr_out": 9, "aggreg": 9, "agnost": 15, "ai": 9, "airw": 9, "airw_help": 9, "ak": 9, "ak2numpi": 9, "aka": [9, 15], "al": 4, "algorithm": [0, 4, 9], "all": [2, 4, 9, 10], "all_id": 9, "all_ob": 10, "allow": 15, "alpha": [4, 9], "alreadi": [2, 14], "also": [4, 9, 14], "altern": 9, "although": [4, 9], "alwai": [9, 14], "amsgrad": 9, "an": [3, 4, 5, 7, 9, 10, 14], "anaconda": 14, "anaconda3": 14, "analogi": 9, "analysi": [2, 3, 4, 6, 15], "analyt": 4, "analytical_extreme_npdf": 4, "angl": 9, "angular": 9, "ani": [3, 5, 7, 9, 15], "annot": [8, 9], "annotate_heatmap": [8, 9], "anomaly_scor": 9, "anti": 9, "append": [2, 9], "appendix": 9, "appli": [1, 3, 4, 9], "applic": [0, 9, 15], "apply_cut": 2, "apply_cutflow": 9, "apply_madscor": 9, "apply_min": 4, "apply_mine_batch": 4, "apply_zscor": 9, "apply_zscore_tensor": 9, "approach": 4, "approx": 9, "approxim": 4, "ar": [2, 4, 9, 15], "arbitrari": [9, 15], "architectur": 9, "archiv": 14, "area": 9, "arg": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12], "argument": [1, 3, 5, 6, 7, 9, 11, 12], "arnold": 15, "around": 4, "arr": 9, "arrai": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12], "array_list": 9, "arrays2matrix": 9, "articl": 3, "arxiv": [4, 9], "asimov": 4, "aspect": 9, "ass_data": 5, "assess": 4, "associ": 4, "asymptot": 4, "asymptotic_uncertainty_cl": 4, "attach": 4, "attentionwithfastkantransform": 9, "attribut": 9, "auc": 9, "auc_scor": 9, "author": 0, "auto": 9, "autobin": 4, "autoencod": 15, "autograd": [4, 9, 15], "automat": [4, 9], "automethod": 4, "auxiliari": 9, "avail": [9, 15], "averag": [4, 9], "avoid": [9, 14], "awkward": [3, 5, 9], "ax": [3, 8, 9, 10], "axi": [3, 9, 10], "b": [2, 3, 4, 8, 9, 10, 13, 15], "b1": 4, "b2": 4, "b_pdf": 9, "backend": 15, "background": [4, 9, 15], "backprog": 9, "backpropag": 9, "backward": 9, "bad": 9, "balanc": 9, "balanceweight": 9, "bar": 9, "base": [4, 5, 9, 15], "base_activ": 9, "bash": [14, 15], "basi": 9, "basic": [4, 9], "batch": [2, 4, 9], "batch2tensor": 9, "batch_norm": [4, 9], "batch_ob": 2, "batch_siz": [4, 9], "bayesian": 4, "bce": 9, "bce_loss": 9, "bce_loss_with_logit": 9, "bcewithlogitsloss": 9, "bdt": 15, "becaus": 9, "befor": 9, "behavior": 9, "being": [4, 8], "below": 4, "bernoulli": 9, "best": 9, "beta": [4, 9], "between": [4, 9, 10], "beyond": 0, "bg_error_typ": 4, "bg_expect": 4, "bg_regul": 3, "bg_syst_error": 4, "bg_syst_typ": 4, "bi": 4, "bia": [4, 9], "big": 9, "bin": [4, 9, 10, 15], "bin2int": 9, "bin_arrai": 9, "bin_edg": 9, "binari": [2, 9], "binary_cross_entropy_logprob": 9, "binary_focal_loss": 9, "binarypredict": 9, "binaryvec2int": 9, "bind": 9, "bindef": 9, "binedg": 9, "binedges_a": 9, "binedges_b": 9, "binengin": 9, "binned_1d_auc": 9, "binned_2d_auc": 9, "binom_coeff_al": 9, "binomi": [4, 9], "binorm": 3, "binrang": 9, "bins_i": 4, "bins_x": 4, "binscal": 10, "binvec2powersetindex": 9, "binvec_are_equ": 9, "binwidth": [4, 10], "biometrika": 4, "bit": [4, 9], "bits2digit": 4, "bivari": 4, "blob": [5, 16], "block": 9, "bmat": 2, "bnaf": 15, "bodi": 8, "bool": [4, 9], "boolean": 9, "boost": [9, 15], "bootstrap": 4, "bottom_prc": 10, "bound": 4, "boundari": 9, "brace": 9, "branch": [2, 9], "brazil": 3, "brent": 4, "broken": 8, "brute": 4, "buffer": [2, 4, 9], "built": 9, "bw": 4, "bw2bin": 4, "c": [4, 9], "calc_batch_mc_observ": 2, "calc_batch_observ": 2, "calc_madscor": 9, "calc_mc_observ": 2, "calc_observ": 2, "calc_zscor": 9, "calc_zscore_tensor": 9, "calcul": [4, 9, 10], "calibr": [9, 15], "call": [4, 9], "callabl": 9, "callback_best": 9, "callback_reduc": 9, "cambridg": 9, "can": [4, 9, 14, 15], "candid": 5, "capac": 9, "card": [9, 14], "care": [4, 9], "carlo": [4, 8], "cartesian": [3, 9], "cartesian_product": 9, "case": [4, 9], "cast": 4, "cat": 13, "categori": 9, "cbin": 10, "cd": [13, 14], "cdf": [4, 15], "cell": 9, "center": 9, "centerbin": 10, "cern": [4, 13], "certain": [9, 15], "cf": 4, "ch": [4, 13], "chain": 2, "chang": [9, 10], "change2density_label": 10, "channel": [4, 9, 14], "channel_prior": 14, "charact": 9, "characterist": 9, "cheatsheet": 16, "check": [2, 9], "checkinfnan": 9, "checkpoint": [9, 15], "chi2": [9, 10], "chi2_cost": 10, "chi2_tabl": 9, "chmod": 15, "choos": 9, "chosen": 9, "chunk": [2, 9], "chunkbuff": 2, "ci": [0, 15], "citat": 0, "cl": 4, "cl68": 4, "cl95": 4, "cl_singl": 4, "cl_single_asymptot": 4, "cl_single_comput": 4, "class": [1, 2, 3, 4, 5, 6, 7, 9, 10, 11, 12, 15], "class__id": 9, "class_id": [1, 3, 9], "classfilt": 9, "classic": [3, 9], "classid": 9, "classif": [9, 15], "classifi": [9, 15], "clean": 9, "client": 14, "clip": 9, "clip_min": 9, "clip_norm": 4, "clone": [13, 14], "clopper": 4, "clopper_pearson_err": 4, "closur": 9, "cls_method_": 4, "cluster": 14, "cm": 13, "cmap": 9, "cmsenv": 13, "cmsrel": 13, "cmsrun": 13, "cmsset_default": 13, "cmssw_10_2_22": 13, "cnd": 5, "cnn": 15, "cnn_maxo": 9, "code": 15, "coeffici": [4, 9], "col": 9, "collect": [2, 9], "collect_info_stat": 2, "collect_mcinfo_stat": 2, "color": [9, 10], "colorbar": 9, "colored_row": 9, "colormap": 10, "column": [4, 9], "columnar": [1, 3, 4, 5, 6, 7, 9, 11, 12], "columnar_mask_effici": 4, "com": [0, 5, 9, 13, 14, 16], "combin": 9, "combinatori": 15, "combine_pickle_data": 9, "command": 15, "commandlin": 9, "common": 9, "compar": 9, "compat": [4, 9], "compil": [14, 16], "complet": [9, 14], "complex": [4, 8, 9, 15], "compoment": 9, "compon": [4, 9], "comput": [4, 9, 15], "compute_edg": 5, "compute_edge_attr": 5, "compute_ind": 4, "compute_log_p_x": 9, "compute_loss": 9, "compute_metr": 9, "compute_min": 4, "compute_nd_reweight": 9, "concaten": 9, "concatenate_and_clean": 9, "concatenate_data": 9, "conda_prefix": 14, "condarc": 14, "condit": [2, 3, 4, 15], "condor_q": 14, "condor_rm": 14, "condor_ssh_to_job": 14, "condor_statu": 14, "condor_submit": 14, "confid": 4, "config": [9, 15], "config_path": 9, "configur": 9, "connect": [2, 9], "consid": 9, "constant": [4, 9], "construct": [2, 3, 4, 5, 7, 9], "construct_columnar_cut": 9, "construct_exptre": 9, "construct_icdf": 4, "construct_input_vec": 2, "construct_kinemat": 2, "construct_mc_tre": 2, "construct_mc_truth": 2, "construct_new_branch": 2, "construct_output_vec": 2, "constructor": [9, 10], "contain": [9, 15], "context": 9, "continu": 15, "contour": 9, "contribut": 4, "conv_aggr": 9, "conv_knn": 9, "conv_mlp_act": 9, "conv_mlp_bn": 9, "conv_mlp_dropout": 9, "conv_onli": 9, "conv_typ": 9, "convent": 4, "convers": 9, "convert": [3, 4, 9], "convolut": [4, 9], "convolve_systemat": 4, "coord": [5, 7], "copi": 13, "core": [9, 15], "cormat2covmat": 4, "corr_mstat": 9, "corrcoef": 4, "corrcoeff_weighted_torch": 4, "correct": [4, 9], "correl": [4, 9, 15], "correlation_matrix": 4, "correspond": [4, 9], "cost": 10, "costheta": 9, "could": 14, "count": [2, 4, 9, 10], "count_files_in_dir": 9, "count_parameters_torch": 9, "count_simple_edg": 9, "count_target": 9, "cours": 4, "cov": 4, "covari": 4, "cover": 9, "covmat2corrmat": 4, "cowan": 4, "cpu": [4, 9, 14], "creat": [2, 3, 9, 14, 16], "create_ax": 10, "create_filt": 9, "create_id_label": 3, "create_label": 4, "create_limit_plots_vector": 3, "create_limit_t": 3, "create_model": 9, "create_model_filenam": 9, "create_trackster_data": 5, "creator": 10, "cross": 9, "crv": 4, "csc2541_2021": 4, "ctau": 8, "ctau_valu": 8, "ctx": 9, "cubic": 4, "cuda": 9, "current": 9, "curv": [9, 15], "curvatur": 4, "curve_error_band": 9, "custom": [9, 15], "cut": [2, 4, 9, 15], "cutflow": [2, 9], "cutlist": 9, "cutset": 9, "cvmf": 13, "d": [2, 4, 9, 15], "d_dim": 9, "d_in": 9, "d_out": 9, "da_act": 9, "da_alpha": 9, "da_mlp": 9, "da_mlp_act": 9, "da_mlp_bn": 9, "da_mlp_dropout": 9, "dat": 9, "data": [1, 2, 3, 4, 5, 6, 7, 9, 10, 11, 12], "data_trn": 9, "data_trn_mi": 9, "data_v": 9, "data_val_mi": 9, "datafil": 12, "dataload": 9, "datapath": 9, "dataset": [2, 9], "datatyp": [1, 3, 5, 6, 7, 9, 11, 12], "date": 0, "datetim": 9, "daughter": 8, "dcor": 4, "dcorr": 15, "de": 15, "deactiv": 14, "debug": 14, "decai": [2, 8], "decim": [3, 9], "decis": [9, 15], "decod": 9, "decoder_act": 9, "decoder_bn": 9, "decoder_dropout": 9, "decoder_hidden_dim": 9, "deep": [0, 15], "deepset": [9, 15], "def": 9, "default": [4, 9, 10, 14], "default_nam": 9, "default_valu": 9, "defin": [4, 8, 9], "definit": [4, 9], "delta2_ij": 9, "deltaphi": 9, "deltar": [2, 9], "deltar_3": 2, "den_mask": 4, "denomin": [4, 9], "denot": 15, "densiti": [4, 9, 10], "density_cor": 9, "density_cor_wclass": 9, "density_mva_wclass": 9, "depend": [4, 14], "deploy": 15, "deq": 4, "dequant": 15, "deriv": [4, 9], "descent": 4, "descript": [9, 14], "det": 9, "deta": 9, "detail": 9, "detector": [8, 15], "dev": 15, "develop": 15, "deviat": [4, 9], "devic": [4, 9, 14], "device_lib": 14, "device_typ": 9, "df": 4, "diaconi": 4, "diagnost": 15, "diagon": 9, "dict": [1, 3, 5, 6, 7, 9, 11, 12], "dict_batch_to_cuda": 9, "dictionari": [1, 2, 3, 5, 6, 7, 9, 11, 12], "differ": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12, 15], "differenti": 9, "digit": 4, "digits2bit": 4, "dim": [3, 4, 9, 10, 15], "dim1": 4, "dim2": 4, "dim_in": 9, "dim_out": 9, "dimens": [4, 9], "dimension": [4, 9, 15], "diplomat": 9, "direct": 9, "directli": 9, "directori": [9, 14], "discoveri": 4, "discret": 4, "discrimin": 15, "disk": 9, "distanc": [4, 9, 15], "distance_corr": 4, "distance_corr_torch": 4, "distance_correl": 4, "distil": 15, "distribut": [4, 9], "diverg": 9, "divid": 4, "dlips_2": 8, "dmatrix": 9, "dn": 10, "do": [9, 14], "doc": [0, 4, 15, 16], "document": [15, 16], "domain": [4, 9, 15], "dot": 9, "dot3": 9, "dot4": 9, "doublet": 9, "doublet_help": 9, "dpc10ster": 3, "dphi": 9, "dpi": 10, "dqcd": [3, 15], "dqcd_vector_data": 15, "dquant_label": 4, "dr": 9, "dr2_ij": 9, "dr_match": 2, "draw": 9, "draw_error_band": 9, "driven": [0, 15], "dropout": [4, 9], "dropout_cnn": 9, "dropout_mlp": 9, "dtype": 9, "dual": [4, 9], "dualdataset": 9, "due": 9, "dummi": 9, "dump": 9, "dure": 9, "dx": [4, 10], "dynam": 14, "dynamicedgeconv_": 9, "e": [0, 2, 3, 4, 9, 14, 15], "e1": 4, "e2": 4, "e_": 4, "e_dim": 9, "e_q": 9, "each": [2, 4, 8, 9], "early_stop": 9, "easili": 15, "edg": [5, 9, 10, 15], "edge2centerbin": 10, "edge_attr": 9, "edge_index": [5, 9], "edge_label": 5, "edge_mask_list": 9, "edge_qu": 5, "edge_weight": 9, "edgebin": 10, "edgeconv": 9, "edgeconv_": 9, "edges_a": 9, "edges_b": 9, "edu": 4, "eec": 4, "effici": [1, 3, 4, 5, 6, 7, 11, 12], "efron": 4, "either": [4, 9, 15], "electron": [7, 15], "elem": 4, "element": [4, 9], "els": [9, 14], "em": 9, "em_frac": 4, "embed": 9, "empti": 9, "en": [4, 9, 16], "encod": [2, 9], "encoder_act": 9, "encoder_bn": 9, "encoder_dropout": 9, "encoder_hidden_dim": 9, "end": [0, 9, 15], "end_plu": 9, "endpoint": 4, "energi": [0, 15], "enforc": 9, "enhanc": 15, "enough": 2, "entri": 9, "entropi": [4, 9], "entry_start": [1, 3, 5, 6, 7, 9, 11, 12], "entry_stop": [1, 3, 5, 6, 7, 9, 11, 12], "entrystart": 9, "entrystop": 9, "env": 14, "ep": [3, 4, 5, 7, 9, 10], "epoch": [4, 9], "epsilon": 9, "equal": 9, "equival": 9, "equivari": [9, 15], "err": 10, "err_i": 4, "err_x": 4, "error": [4, 9, 10, 14], "error_bin": 4, "error_on_mu": 4, "error_on_std": 4, "error_typ": 4, "errorprop": 4, "especi": [0, 15], "estim": [4, 9, 15], "et": 4, "eta": 9, "eta1": [2, 9], "eta2": [2, 9], "eta3": 2, "etc": 9, "eval": [9, 13], "eval_boolean_exptre": 9, "eval_boolean_syntax": 9, "evalu": [4, 9], "evaluate_model": 9, "event": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12], "event_loop": 5, "events_to_jagged_numpi": 9, "everi": [4, 9], "evolut": 9, "evt_index": 2, "evtgroups": 2, "exact": 9, "exampl": [0, 4, 9, 14, 15], "except": 9, "exclud": 9, "exclude_mva_var": 9, "exclude_neg_class": 9, "exclude_tag": 9, "exclude_v": 9, "execut": [9, 14], "exist_ok": 9, "exp": [4, 8], "expans": [4, 9, 10], "expect": [4, 9], "experi": [4, 14], "explicit": 9, "explicit_rang": 9, "expon": 9, "exponenti": [4, 8], "export": [13, 14], "expr": 9, "express": 9, "extend": [8, 9], "extract": [4, 9], "extrem": 4, "extreme_value_theori": 4, "f": [2, 4, 9, 10, 14], "f2": 3, "f_k": 9, "factor": [4, 9, 15], "fail": [4, 9, 14], "fals": [1, 2, 3, 4, 8, 9, 10], "fashion": 9, "fast": [3, 4], "fast_loop": 4, "fastarray1": 9, "fastkanlay": 9, "featur": [3, 4, 5, 7, 9], "feature_nam": [3, 9], "feedforward": 15, "fessler": 4, "fiduci": 8, "field": 9, "fig": [3, 9, 15], "figsiz": [9, 10], "figur": [4, 9, 15], "file": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12, 14], "filenam": [2, 9, 14], "filepath": 9, "filetyp": 9, "fill": 9, "fill_valu": 9, "filter": [3, 9, 15], "filter_adj": 9, "filter_constructor": 9, "filter_s": 9, "final": [4, 9, 14], "final_mlp_act": 9, "final_mlp_bn": 9, "final_mlp_dropout": 9, "find": [0, 2, 3, 9], "find_connected_triplet": 2, "find_filt": 3, "find_ind": 9, "find_limit": 3, "finit": 9, "first": [2, 9, 14], "firstmodelandtrain": 5, "fisher": 4, "fit": [3, 4, 15], "fit_and_analyz": 4, "fit_task": 4, "fit_task_multi": 4, "fix": [4, 8, 9, 15], "flat": [4, 8], "flatten_grad": 9, "flip": 4, "flip_vert": 4, "float": [3, 4, 9], "float32": 9, "float64": 9, "flow": [9, 15], "flush": 2, "focal": 9, "focalwithlogitsloss": 9, "folder": 9, "follow": [4, 9, 14, 15], "font": 10, "font_siz": 10, "fontsiz": 10, "forc": 4, "forg": 14, "format": [3, 5, 7, 9], "former": [4, 9], "formula": [3, 4, 9], "forward": [4, 9], "forward_2pt": 9, "forward_with_da": 9, "found": [2, 14], "fourvector": 9, "fox_wolfram_boost_inv": 9, "fpr": [3, 9], "fpr_err": 3, "frac": [4, 9], "fraction": [4, 9], "frame": 8, "frameon": 10, "framework": 14, "free": 4, "freedman": 4, "freedman_diaconis_bin": 4, "frequentist_limit_recommend": 4, "frob": 9, "frobeniu": 9, "from": [2, 4, 8, 9, 10, 14, 15], "full": [4, 9], "fulli": 9, "func": 4, "func_binorm": 3, "func_binormal2": 3, "func_factor": 9, "func_load": 9, "func_predict": [2, 9], "func_tol": 4, "function": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 15], "furthermor": 9, "fuse": 10, "fuse_histogram": 10, "fusion_mlp_act": 9, "fusion_mlp_bn": 9, "fusion_mlp_dropout": 9, "g": [0, 2, 3, 4, 8, 9, 14], "gain": 9, "galleri": 9, "gamma": [8, 9], "gamma2tau": 8, "gamma_": 9, "gatconv_": 9, "gate": 9, "gaussian": [4, 9], "gaussian_mutual_inform": 4, "gausspdf": 4, "gb": 9, "gcn": 9, "gcn_layer": 9, "gener": [3, 4, 9, 15], "generate_cartesian_param": 3, "generate_colormap": 10, "generate_feature_nam": 2, "generatebinari": 9, "generatebinary_fix": 9, "generator_modul": 9, "generic_flow": 9, "genesi": 9, "gentyp": 4, "geom_mean_2d": 4, "geometr": [3, 4, 5, 7, 8, 9, 14, 15], "get": [2, 4, 9, 10], "get_act": 9, "get_datetim": 9, "get_device_nam": 14, "get_first_indic": 2, "get_full_hessian": 4, "get_gpu_memory_map": 9, "get_gradi": 4, "get_jacobian": 4, "get_lipschitz_const": 9, "get_lipschitz_loss": 9, "get_lorentz_edge_featur": 9, "get_node_featur": [5, 7], "get_num_ev": 9, "get_pdf": 9, "get_predictor": 3, "get_rootfiles_jpsi": 4, "get_simple_edge_index": 9, "get_weight": 9, "getdimens": 2, "getgenericmodel": 9, "getgenericparam": 9, "getgraphmodel": 9, "getgraphparam": 9, "getmtim": 9, "gharbi": 4, "gine_help": 9, "gineconv": 9, "gineconv_": 9, "git": [13, 14], "github": [0, 3, 5, 14, 16], "give": [4, 9], "given": 9, "glob": 9, "glob_expand_fil": 9, "global": [3, 5, 7, 8, 9, 10], "global_pool": 9, "gnn": 9, "gnngener": 9, "goe": 14, "golden": 4, "googl": 14, "gov": 3, "gpu": 9, "gpu_task": 14, "gra_data": 5, "grad": 9, "grad_norm": 9, "gradient": [4, 9, 15], "gradientrevers": 9, "gradientreversalfunct": 9, "gram": 9, "gram_matrix": 9, "graph": [3, 5, 7, 15], "graph_param": [3, 5, 7], "graphic": 14, "green": 9, "grid_max": 9, "grid_min": 9, "grid_on": 9, "group": 4, "group_systemat": 4, "guid": 16, "gumbel_distribut": 4, "h": [4, 9], "h5dataset": 2, "h_data": 10, "h_mc": 10, "h_score": 4, "ha": [9, 14], "hacin": 4, "hacine2d": 4, "hacine_entropy_bin": 4, "hacine_joint_entropy_bin": 4, "hackathonlink": 5, "handl": [2, 3, 9, 15], "happen": 9, "hash": 9, "hashabl": 9, "have": [8, 9, 15], "hd5dir": 2, "hdf5": [2, 15], "hdf5_append": 2, "hdf5_write_handl": 2, "head_dim": 9, "header": 9, "heatmap": [8, 9], "helper": [4, 8, 9], "hep": 0, "hepdata": 10, "hepmc2vec4": 9, "hepmc3": 9, "here": [4, 9], "hessian": 4, "hessian_const": 9, "hgcal": [5, 15], "hidden": 4, "hidden_dim": [4, 9], "high": [0, 9, 11, 15], "hinklei": 4, "hist": [9, 10], "hist_edg": 9, "hist_filled_error": 10, "hist_flush": 2, "hist_list": 10, "hist_obj": 10, "hist_to_dens": 10, "hist_to_density_fullspac": 10, "histhepdata": 10, "histmc": 10, "histogram": [2, 4, 9, 10, 15], "histogram_help": 9, "histtyp": 10, "hlt": [11, 15], "hnl": [6, 15], "hobj": [2, 10], "home": 14, "hook": [4, 9], "horizontal_lin": 3, "hot": 9, "how": [9, 16], "howev": 14, "html": [3, 4, 9, 16], "http": [0, 3, 4, 5, 9, 13, 14, 16], "hybrid": 9, "hyperbin": 4, "hyperparamet": 15, "i": [2, 3, 4, 9, 10, 14, 15, 16], "i_scor": 4, "ic": [14, 15], "iceboost": 15, "icebrem": [0, 15], "icebrk": [0, 15], "icecool": 14, "icedqcd": [0, 15], "icefit": [0, 15], "icehgc": [0, 15], "icehnl": [0, 15], "iceid": [0, 15], "icemc": 0, "icenet": [0, 14, 15], "iceplot": [0, 15], "iceqsub": 15, "icetrg": [0, 15], "icexyw": 9, "iceze": [0, 15], "id": [1, 3, 5, 6, 7, 9, 11, 12, 15], "id_rsa": 13, "idea": 0, "ident": 9, "identifi": 9, "idqf": 4, "ids_kin": 9, "ids_raw": 9, "ids_x_kin": 9, "ignor": [4, 9], "imag": 9, "image_clu_": 9, "image_clu_eta": 9, "image_clu_phi": 9, "image_var": 7, "implement": [4, 9, 15], "implicit": 9, "import": [9, 14], "importance_typ": 9, "imput": 9, "impute_data": 9, "impute_dataset": 9, "in_channel": 9, "in_dim": 9, "in_featur": 9, "inactive_color": 9, "includ": [0, 9], "include_mva_var": 9, "include_tag": 9, "increas": 9, "ind": 9, "independ": 4, "index": [0, 4, 9], "index_list": 9, "index_of_first_sign": 2, "index_of_last_sign": 2, "indic": 9, "indico": 4, "individu": 9, "inf": [4, 9], "infer": [9, 15], "infinit": 14, "info": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12, 14], "infoflow": 9, "inform": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12, 15], "infostat": 2, "infostats_bc": 2, "init": [2, 14], "init_": 9, "init_func": 9, "init_scal": 9, "init_stat_object": 2, "initarrai": 2, "initi": [2, 4, 9], "initialize_paramet": 9, "inner": 4, "input": [1, 2, 4, 7, 9, 12, 15], "input_dim": 9, "input_path": 4, "input_s": 4, "inputparam": 4, "inspect": 15, "instal": 0, "instanc": [4, 9], "instead": [4, 9], "instr": 9, "int": [4, 9], "int2onehot": 9, "integ": 9, "integr": [4, 9, 10, 15], "intend": 9, "interest": 9, "intergr": 9, "intermedi": 9, "interpol": 4, "interv": 4, "introduct": 0, "invari": [8, 9], "invers": [4, 9, 15], "inverse_sigmoid": 9, "invmass": 9, "invmass_massless": 9, "io": [3, 4, 16], "iodir": 2, "ipynb": 5, "is_avail": 14, "ismc": [1, 2, 3, 5, 11], "isotrop": 8, "iter": [4, 9], "its": [4, 9], "j": [4, 9], "j_": 9, "jacobian": 9, "jag": [1, 2, 3, 5, 6, 7, 9, 11, 12], "jagged2matrix": 9, "jagged2tensor": 9, "jagged_ak_to_numpi": 9, "jagged_dim": 9, "jagged_maxdim": 9, "jagged_var": 9, "jax": 15, "job": 15, "job_description_fil": 14, "job_id": 14, "joint": 4, "just": [4, 9, 10], "jvp": 9, "k": [4, 9, 15], "k1": 4, "k2": 4, "k_dim": 9, "k_p4": 2, "keep": 4, "kei": [2, 9], "key_index": 9, "kind": 4, "kinemat": [2, 4, 8], "kl": 9, "kl_div": 9, "kl_prob": 9, "kl_reco": 9, "knn": 9, "knn_k": 9, "knuth": 4, "kolmogorov": 15, "kt": 9, "kt2_i": 9, "kt2_j": 9, "ktmetric": 9, "kw": 9, "kwarg": [1, 2, 3, 4, 9, 10], "l": [4, 9, 10], "l02962": 4, "l02_taylor_approxim": 4, "l1": 9, "l1_p4": 2, "l2": [4, 9], "l2_p4": 2, "l_q": 9, "lab": 8, "label": [1, 2, 3, 4, 5, 6, 7, 9, 10, 11, 12], "labels": 10, "labelsize_ratio": 10, "lambda1": 4, "lambda2": 4, "larg": [4, 15], "last": [2, 9], "last_act": 9, "last_tanh": 9, "last_tanh_scal": 9, "latent_dim": 9, "latest": [4, 9, 16], "latter": [4, 9], "lattic": 15, "lattice_valu": 3, "launch": 15, "law": 8, "layer": 9, "layer_list": 9, "layer_norm": 9, "ld_library_path": 14, "ldd": 14, "lead": 4, "learn": [0, 4, 9, 15], "learnabl": 9, "left": 14, "legend": 10, "legend_count": 10, "legend_fonts": [9, 10], "legend_handlelength": 10, "legend_properti": 10, "length": [4, 9], "letter": 4, "level": [4, 5, 9, 11, 15], "lib": 14, "libcusolv": 14, "libcuspars": 14, "librari": [0, 7, 9, 15], "lifetim": 8, "like": 9, "likelihood": [4, 9, 15], "lim": 10, "limit": [4, 9], "limit_wrapper_dict": 3, "linear": [4, 9, 10, 15], "linearlay": 9, "linearli": 9, "lines_bars_and_mark": 9, "linewidth": [9, 10], "link": 14, "linux": 14, "lipschitz": [9, 15], "lipschitzlinear": 9, "list": [1, 2, 3, 5, 6, 7, 9, 10, 11, 12, 14], "list_local_devic": 14, "listoset": 9, "ll_splusb": 4, "ln": 14, "load": [1, 3, 5, 6, 7, 9, 11, 12, 14], "load_file_wrapp": 9, "load_help": 12, "load_id": 5, "load_model": 9, "load_root_fil": [1, 3, 5, 6, 7, 11, 12], "load_start_epoch": 9, "load_torch_checkpoint": 9, "load_torch_model": 9, "load_tre": 9, "load_tree_stat": 9, "loader": 9, "local": 16, "log": [4, 9, 14], "log10": 9, "log_": 4, "log_phat": 9, "log_phat_0": 9, "log_phat_1": 9, "log_pxz": 9, "log_softmax": 9, "logarithm": 9, "logic": [5, 9], "logist": [9, 15], "logit": [9, 15], "logit_beta": 9, "logit_l1_loss": 9, "logit_l2_loss": 9, "logitswithtemperatur": 9, "logl": 4, "lognormal_param": 4, "logsoftmax": 9, "logsumexp": 9, "longer": 9, "longitudin": 9, "longvec2matrix": 9, "loop": [3, 4, 8, 9, 14], "lorentz": 9, "los2lol": 9, "loss": [4, 9, 15], "loss_func": 9, "loss_histori": 9, "loss_kl_reco": 9, "loss_sign": 9, "loss_wrapp": 9, "losstyp": 4, "low": [4, 15], "lower": 4, "lq_binary_loss": 9, "lqbernoulliwithlogitsloss": 9, "lr": [4, 9], "lrang": 4, "lw": 10, "m": [4, 8, 9, 14, 16], "m1": 8, "m1_const": 9, "m2": [8, 9], "m2_const": 9, "m_valu": 8, "ma_et": 4, "machin": [9, 14], "machineri": 15, "macro": [9, 15], "mad": 9, "made": 4, "mae_loss": 9, "mag": 9, "magnitud": 9, "mai": [9, 14], "main": [2, 3, 4, 9, 15], "main_modul": 9, "mainloop": 9, "make": [9, 14, 15, 16], "make_hash": 9, "make_hash_sha256_fil": 9, "make_hash_sha256_object": 9, "make_plot": 9, "makedir": 9, "manbit": 4, "mandigit": 4, "mani": [9, 15], "manifest": 15, "manipul": 9, "mantissa_titl": 4, "map": 9, "map_xyw": 9, "margin": 4, "mark": 9, "marker": 9, "markup": 0, "mask": [4, 9], "maskedweight": 9, "mass": [8, 9, 10], "massiv": 8, "massless": 9, "master": [4, 5, 16], "match": [2, 4, 9], "match_mod": 4, "math": 4, "mathbf": 9, "mathcal": 9, "matplotlib": 9, "matric": 9, "matrix": [4, 8, 9], "max": [4, 9], "max_batch_s": 9, "max_it": 9, "max_reg": 9, "max_restart": 4, "maxbin": 4, "maxdim": 9, "maxev": [1, 2, 3, 5, 6, 7, 9, 11, 12], "maximum": [2, 4, 9], "maxit": [4, 9], "maxm": 4, "maxn": 2, "maxout": [9, 15], "maxruntim": 14, "maxt3": 2, "maxval": 4, "mc": [1, 2, 3, 4, 5, 7, 9, 10], "mc_extreme_multivariate_npdf": 4, "mc_extreme_npdf": 4, "mc_param": 3, "mc_xs_scale": 10, "mcdata": 10, "mcfile": 12, "mcinfostat": 2, "mcinfostats_bc": 2, "md": 9, "mean": [4, 8, 9], "measur": [4, 9], "mechan": 15, "median": [3, 4, 9], "medium": 9, "member": 9, "memori": 9, "merg": 9, "merge_connect": 9, "messag": [9, 14], "met": 9, "meter": 9, "method": [3, 4, 9], "metric": [9, 15], "mi": [4, 9], "mi_lb": 4, "mi_loss": 9, "mi_modul": 9, "mieskolainen": [0, 13, 14], "mikael": 0, "min": [4, 9], "min_scor": 9, "minbin": 4, "mine": 15, "mine_ema": 4, "minenet": 4, "minibatch": 9, "minim": [4, 10], "minimum": [4, 9], "minmax": 9, "minorticks_on": 10, "minu": 4, "miss": 9, "mixtur": 4, "mixture_nl": 4, "mkdir": 14, "ml": 9, "ml_nmf": 9, "ml_update_h": 9, "ml_update_w": 9, "mlp": [4, 9, 15], "mlp_all_act": 9, "mlp_dim": [4, 9], "mlp_edg": 9, "mlp_latent": 9, "mode": [2, 4, 9], "model": [3, 4, 9], "model_param": 3, "model_to_cuda": 9, "modeldir": 9, "modelnam": 9, "modelwithtemperatur": 9, "modif": 9, "modifi": 9, "modul": [0, 4, 9, 15], "moment": 9, "momentum": [8, 9], "mont": [4, 8], "more": [4, 8, 9, 15], "moreov": 9, "most": 9, "mother": 8, "motiv": 4, "move": 4, "mp_attn_dim": 9, "mse_loss": 9, "mt": 9, "mu": [4, 9], "mu0": 3, "mu1": 3, "mu_b": 4, "mu_bound": 4, "mu_d": 4, "mu_init": 4, "mu_up": 4, "multi": 9, "multiclass": 9, "multiclass_cross_entropy_logprob": 9, "multiclass_focal_entropy_logprob": 9, "multiclass_logit_norm_loss": 9, "multiclass_roc_auc_scor": 9, "multidimension": 9, "multilabel": 2, "multilay": 15, "multinomi": 9, "multipl": [4, 9], "multipli": 9, "multiprocess": [4, 9], "multiprocess_airw_wrapp": 9, "multiprocess_plot_wrapp": 9, "multivari": [4, 9], "muon": 4, "must": 9, "mutual": [4, 9, 15], "mutual_inform": 4, "mva": [2, 9], "mva_plot": 9, "mvavar": 9, "mynet": 9, "n": [2, 3, 4, 8, 9, 10], "n1": 4, "n2": 4, "n_algo": 2, "n_bootstrap": 4, "n_buffer": 4, "n_dim": 9, "n_interp": 4, "n_max": 9, "n_mva_bin": 9, "n_weight": 2, "name": [3, 4, 5, 7, 9, 14, 15], "nan": 9, "nano": 14, "nanotron": 13, "nat": 4, "nbin": [4, 9], "ncbi": 3, "nchannel": 9, "ncol": 9, "nd": 9, "ndarrai": [4, 9], "nearest": 9, "necessarili": 9, "need": [4, 9, 14], "needs_input_grad": 9, "neg": [4, 9], "neighbour": 9, "nest": 9, "net": [4, 9, 15], "netparam": 9, "network": [4, 9, 15], "neural": [4, 9, 15], "neuron": 9, "new": [2, 4, 9, 15], "newind": 9, "newvar": 9, "nih": 3, "nihm": 3, "nll": [4, 9], "nlm": 3, "nn": 9, "nnconv_": 9, "node": [5, 9, 15], "node_featur": 3, "noise_std": 4, "nomin": 4, "non": [2, 4, 9, 15], "none": [1, 2, 3, 4, 5, 6, 7, 9, 10, 11, 12], "nonlinear": 9, "norm": [4, 9], "norm_weight": 9, "normal": [2, 3, 4, 9, 10, 15], "normal_distribut": 4, "note": [4, 9, 14], "novel": 0, "np": [4, 7, 9], "npoint": 9, "nrow": 9, "ntot": 4, "null": 9, "null_valu": [3, 5, 7, 9], "num": 9, "num_bootstrap": 9, "num_class": 9, "num_cpu": 9, "num_edg": 9, "num_edge_featur": 9, "num_entri": 9, "num_ev": 9, "num_grid": 9, "num_head": 9, "num_it": 4, "num_mask": 4, "num_nod": [5, 7, 9], "num_node_featur": [5, 7], "num_slic": 9, "num_toi": 4, "num_toys_ob": 4, "num_toys_pdf": 4, "num_unit": 9, "number": [2, 3, 4, 8, 9], "number_of_set_bit": 9, "numer": [4, 9], "numpi": [4, 9, 15], "nvcc": 14, "nvidia": 14, "nx1": 4, "nxn": [4, 9], "nympi": 9, "o": [4, 9, 15], "ob": 2, "obei": 4, "obj": 2, "object": [2, 3, 4, 5, 7, 9, 10], "observ": [2, 4, 9, 10], "observed_fisher_info": 4, "observed_inform": 4, "obtain": 4, "occupi": 9, "one": [4, 9], "onehot": 9, "ones": 9, "onli": [2, 3, 4, 5, 7, 9, 14], "open": [2, 9], "oper": [2, 9], "opt": 4, "opt_param": 9, "optbin": 4, "optbins2d": 4, "optim": [4, 15], "optimal_design": 4, "optimize_method": 4, "optimize_select": 3, "option": 9, "orang": 9, "order": [9, 10], "ordered_legend": 10, "ordereddict": 9, "org": [4, 9, 16], "origin": 9, "oserror": 14, "other": [8, 9, 15], "otherwis": 9, "otim": 4, "out": [4, 9], "out_channel": 9, "out_dim": 9, "out_featur": 9, "outer": 4, "outer_sim_loop": 8, "outer_sim_loop_2": 8, "outlier": 4, "output": [2, 4, 9, 14, 15], "output_dim": 9, "output_fil": 9, "outputp": 2, "outputxi": 2, "over": [4, 8, 9, 10], "overlaid": 10, "overrid": 9, "overridden": [4, 9], "p": [4, 8, 9], "p1": 8, "p2": 8, "p2zscore": 4, "p3": 9, "p3mod": 9, "p3mod2": 9, "p4": 8, "p4track": 7, "p4vec": [5, 7, 9], "p_": 4, "p_i": 9, "p_valu": 4, "p_x": 4, "p_z": 4, "packag": 14, "pad": 2, "pair": 8, "pairwis": 9, "pan": 9, "pan_pool_weight": 9, "panconv": 9, "panconv_": 9, "panconv_filter_weight": 9, "pandropout": 9, "panentropi": 9, "panentropy_spars": 9, "panpool_filter_weight": 9, "panumpool": 9, "panxhmpool": 9, "panxumpool": 9, "paper": 4, "param": [3, 4, 8, 9], "param_fix": 3, "param_run": 3, "paramet": [1, 2, 3, 4, 5, 6, 7, 8, 9, 11, 12], "parametr": [4, 15], "parquet": 15, "pars": [5, 9], "parse_boolean_exptre": 9, "parse_graph_data": [3, 7], "parse_graph_data_candid": 5, "parse_graph_data_trackst": 5, "parse_tensor_data": 7, "parser": 9, "partial": 9, "particl": 9, "particle_phys": 4, "pass": [4, 9], "path": [1, 2, 3, 5, 6, 7, 9, 11, 12], "path_with_spac": 14, "pattern": 4, "pbar": 9, "pdf": [3, 4, 8, 9, 15], "pdf_1d_hist": 9, "pdf_2d_hist": 9, "peak": 4, "pearson": 4, "pearson_corr": 4, "pearson_correlation_coeffici": 4, "pen": 9, "pen1_max": 9, "pen1_mean": 9, "pen_max": 9, "pen_mean": 9, "per": [2, 4, 9], "percent": 4, "percentil": 4, "percentile_per_dim": 4, "percentile_rang": 9, "perceptron": 9, "perform": [4, 9], "perm": 9, "permut": [9, 15], "perturb": 4, "phase": 8, "phat": 9, "phi": [8, 9], "phi1": [2, 9], "phi2": [2, 9], "phi3": 2, "phi_": 9, "phi_lay": 9, "phi_phasewrap": 9, "phi_pipi": 9, "physic": [0, 2, 4, 15], "pick": 9, "pick_ind": 9, "pick_index": 9, "pick_var": 9, "pickl": [2, 9, 15], "pickle_fil": 2, "pip": 14, "pleas": 0, "plot": [3, 4, 8, 10, 15], "plot_airw": 9, "plot_auc_matrix": 9, "plot_brazil": 3, "plot_contour_grid": 9, "plot_correl": 9, "plot_correlation_comparison": 9, "plot_horizontal_lin": 10, "plot_import": 9, "plot_matrix": 9, "plot_reweight_result": 9, "plot_roc_fit": 3, "plot_select": 9, "plot_threshold": 9, "plot_train_evolution_multi": 9, "plot_unweight": 9, "plot_xgb_import": 9, "plot_xyz_multiple_model": 9, "plot_xyz_wrap": 9, "plotdir": 9, "plotvar": 9, "pmc": 3, "pmc5570585": 3, "point": [3, 4, 9], "poisson": 4, "poisson_ratio": 4, "poisson_tail": 4, "polyak": 9, "pool": 9, "posit": [4, 8, 9], "possibl": [2, 4, 9], "power": [4, 8, 10], "poweranalysi": 2, "powerset": [2, 9], "powerset_constructor": 9, "powerset_cutmask": 9, "ppf": 4, "practic": 4, "prc_ci": 4, "pre": [1, 3, 5, 6, 7, 9, 11, 12], "precis": [4, 9], "pred": 9, "pred_cut": 9, "pred_cutset": 9, "pred_flow": 9, "pred_flr": 9, "pred_func": 9, "pred_graph_xgb": 9, "pred_torch_gener": 9, "pred_torch_graph": 9, "pred_torch_scalar": 9, "pred_xgb": 9, "pred_xgb_logist": 9, "pred_xgb_scalar": 9, "predict": [4, 15], "predictor": 3, "present": 4, "prettyprint": 9, "previou": [2, 9], "principl": [9, 14], "print": [2, 4, 14], "print_colored_matrix": 9, "print_exptre": 9, "print_flow": 9, "print_mc_ev": 2, "print_parallel_cutflow": 9, "print_ram_usag": 9, "print_stat": 9, "print_to_screen": 9, "print_until_don": 9, "print_vari": 9, "print_weight": 9, "printbar": 9, "printbranch": 9, "printer": 9, "printloss": 9, "printmax": 2, "printout": 9, "prob": 9, "probabl": [4, 8, 9], "probe": [4, 15], "problem": [4, 9, 15], "process": [2, 3, 5, 15], "process_batch": 9, "process_data": [3, 9], "process_func": 9, "process_memory_us": 9, "process_raw_data": 9, "process_regexp_id": 9, "process_root": [1, 3, 5, 11], "process_tracklet_data": 5, "processor": 9, "prod_eprop": 4, "prod_i": 9, "prodratio_eprop": 4, "produc": [3, 4, 13], "produce_acceptance_sim": 8, "producenano": 13, "product": [4, 8, 9], "profil": 4, "program": 3, "progress": 9, "progress_actor": 9, "progressbar": 9, "progressbaractor": 9, "project": 13, "propag": [4, 9], "proper": 4, "properti": 9, "proport": 4, "protect": [4, 9], "proto": 15, "pseudo": 9, "psi": 4, "pt": [8, 9], "pt1": 9, "pt2": [8, 9], "pt2_valu": 8, "pub": [4, 13], "pure": 9, "pval": 4, "px": 9, "py": [9, 13, 14, 15], "pypars": 9, "python": [9, 14, 15], "pytorch": [3, 5, 7, 9, 14, 15], "pz": 9, "q": [4, 9], "q_dim": 9, "q_exp": 9, "q_log": 9, "qset": 2, "quadrat": 4, "quantil": [4, 9], "quantiz": 4, "quasi": [4, 15], "question": 9, "queue": 14, "r": [4, 8, 9, 14, 15], "radialbasisfunct": 9, "radiu": [8, 9], "rai": [4, 9], "ralsina": 16, "ram": 9, "rand_lognorm": 4, "rand_powexp": 4, "randexp": 8, "random": [4, 8, 9], "randpow": 8, "rang": [4, 9, 10], "rank": 4, "rap": [8, 9], "rap_valu": 8, "rapid": [8, 9], "rate": [4, 9], "ratio": [4, 9, 10, 15], "ratio_eprop": 4, "ratio_error_plot": 10, "ratio_plot": 10, "ratioerr": 10, "ravier": 4, "raw": 9, "raytun": [9, 15], "raytune_main": 9, "rb": 2, "rd": 3, "rdbu": 9, "re": [3, 4, 5, 7, 9], "reach": 9, "read": [2, 4, 9], "read_cli": 9, "read_config": 9, "read_data_tracklet": 5, "read_multipl": 9, "read_singl": 9, "reader": 9, "readthedoc": [4, 16], "reasili": 15, "receiv": 9, "recip": [4, 9], "reco": 2, "reco_prob": 9, "recognit": 4, "reconstruct": [2, 9], "record": 9, "recov": 4, "recurs": 9, "recursive_concaten": 9, "recursive_glob": 9, "red": 9, "reduc": 9, "reduce_mantissa_bit": 4, "reduce_mantissa_digit": 4, "reducelronplateau": 9, "reduct": 9, "reevalu": 9, "refer": [4, 9], "reference_class": 9, "refin": 5, "regard": 15, "regexp": 9, "regist": [4, 9], "regress": [9, 15], "regressor": 9, "regul": [9, 15], "regular": [4, 9, 15], "rel": [4, 9], "relat": 4, "reli": 9, "relu": [4, 9], "remark": [9, 14], "rememb": 9, "remot": 9, "remov": 14, "rep": 9, "replac": 9, "replace_param": 9, "repo": 14, "report": 9, "repres": [4, 9], "represent": [1, 3, 5, 6, 7, 9, 11, 12, 15], "request_gpu": 14, "request_memori": 14, "requir": [4, 9, 14], "research": 0, "reset": 9, "reset_param": 9, "reset_paramet": 9, "reshap": 9, "reso": 9, "resolut": 9, "reson": 8, "resonance_gener": 8, "respect": 9, "rest": [9, 16], "restart": 4, "restructuredtext": 16, "restucturedtext": 16, "result": [4, 9], "retriev": 9, "return": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12], "return_ab": 4, "return_cov": 4, "return_ful": 4, "return_mask": [1, 3], "return_model": 9, "return_model_onli": 4, "return_nbin": 10, "return_powerset": 9, "return_prob": 9, "revers": [9, 15], "reweight": 15, "reweightcoeff1d": 9, "reweightcoeff2d": 9, "rgross": 4, "rho": 4, "rho_lay": 9, "rho_xi": 4, "right": 15, "rjafrocbook": 3, "rngseed": 9, "robust": 9, "roc": [3, 9, 15], "roc_label": 3, "roc_obj": 3, "roc_plot": 9, "root": [1, 3, 4, 5, 6, 7, 9, 11, 12, 15], "root_path": [1, 3, 5, 6, 7, 9, 11, 12], "rootfil": [4, 5, 9, 11], "rootnam": 9, "rootsaf": 9, "rotatei": 9, "rotateso3": 9, "rotatex": 9, "rotatez": 9, "round": 4, "round_sig": 4, "round_threshold": 9, "routin": [8, 9], "row": [4, 9], "rst": [0, 16], "rule": [4, 9], "run": [4, 9, 14, 15], "run_jpsi_peakfit": 4, "run_jpsi_tagprob": 4, "run_limits_vector": 3, "runme_dqcd_vector_init_yaml": 15, "runmod": [5, 9], "runtim": 13, "rw_transform": 9, "rw_transform_with_logit": 9, "rwmode": 2, "s1": 4, "s1_color": 3, "s2": 4, "s2_color": 3, "s_hypothesi": 4, "s_pdf": 9, "s_regul": 3, "s_syst_error": 4, "s_syst_typ": 4, "safetxt": 9, "sageconv_": 9, "sahilcarterr": 9, "same": [4, 8, 9], "sampl": [3, 4, 9, 10, 15], "sample_batch": 4, "satisfi": 14, "save": [9, 15], "save_for_backward": 9, "save_for_forward": 9, "save_nam": 9, "save_torch_model": 9, "savenam": 3, "savepath": [3, 4], "saver": 9, "scalar": [4, 9], "scalar_var": 9, "scale": [4, 9, 10, 15], "scan": 4, "scikit": 9, "score": [3, 9], "scott": 4, "scott2d": 4, "scott_bin": 4, "scram": 13, "scram_arch": 13, "scramv1": 13, "script": [14, 15], "sd0": 3, "sd1": 3, "search": 4, "second": [4, 9], "see": [0, 4, 9, 15], "seed": 9, "select": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12], "selection_a": 4, "selection_b": 4, "self_loop": 9, "semi": 9, "separ": [9, 14], "seper": 9, "sequenti": 9, "seri": 9, "serif": 10, "set": [2, 4, 8, 9, 10, 13, 14], "set_arr_format": 9, "set_aspect_true_equ": 8, "set_axis_tick": 10, "set_constructor": 9, "set_global_styl": 10, "set_of_var": 9, "set_random_se": 9, "set_schedul": 9, "setconda": 14, "sete": 9, "setenv": 14, "seti": 9, "setmagthetaphi": 9, "setp3": 9, "setpt2rapphim2": 9, "setptetaphi": 9, "setptetaphim": 9, "setpxpypz": 9, "setup": [9, 16], "setup_context": 9, "setx": 9, "setxyz": 9, "setxyzm": 9, "setxyzt": 9, "setz": 9, "sgconv_": 9, "sh": [13, 14, 15], "sha256": 9, "shannon": 4, "shell": 14, "should": [4, 9, 14], "showmem": 9, "showmem_cuda": 9, "side": 4, "sig": 4, "sigma": [4, 9], "sigma_a": [4, 10], "sigma_ab": 10, "sigma_b": [4, 10], "sigmaa": 4, "sigmaab": 4, "sigmab": 4, "sigmoid": 9, "sigmoid_schedul": 9, "sign": 9, "signal": [2, 4, 9, 15], "signific": 4, "silent": [4, 9], "silu": 9, "similar": [9, 14], "simpl": [4, 8, 15], "simul": 8, "simultan": [4, 9], "sinc": [4, 9], "singl": [4, 9], "size": [4, 8, 9], "skip": 9, "skip_connect": 9, "skip_graph": 3, "skip_hessian": 9, "skip_reweight": 9, "slc7_amd64_gcc700": 13, "slice": 9, "slice_rang": 9, "slow": 4, "smi": 14, "so": [9, 14], "soft": 9, "softmax": 9, "softpredict": 9, "softwar": [0, 14], "solv": 4, "solver": 4, "someth": [4, 14], "sophist": 15, "sort": 9, "sort_fpr_tpr": 9, "sourc": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "space": [8, 9, 10, 14], "sparsetensor": 9, "special": 9, "specif": [9, 14, 15], "specifi": 9, "spheric": 8, "spherical_accept": 8, "sphinx": 16, "spline_weight_init_scal": 9, "splineconv_": 9, "splinelinear": 9, "split": 9, "split_data": 9, "split_data_simpl": 9, "split_siz": 9, "split_start_end": 9, "splitfactor": [1, 3, 5, 6, 7, 11, 12], "sqrt": [4, 9], "squar": [4, 8, 9], "src": 13, "stabil": 9, "stabl": 9, "stackoverflow": 9, "standard": [4, 9], "start": [0, 9, 10, 14, 15], "stat": [4, 9], "static": 9, "staticmethod": 9, "statist": [2, 4, 9, 15], "statu": 14, "std": [4, 9], "stderr": 4, "stdout": 9, "steer": [4, 9, 14, 15], "step": [9, 10], "stephist": 10, "stepspac": 10, "stop": [9, 10], "store": 9, "str": [4, 9], "strategi": 9, "strength": 4, "strict": [14, 15], "string": [1, 3, 5, 6, 7, 9, 11, 12], "structur": 9, "studi": 4, "style": [3, 4, 5, 7, 9, 10], "subclass": [4, 9], "sublabel": 9, "sublim": 16, "sublist": 2, "submiss": 15, "subset": 9, "substitut": 9, "success": 4, "suitabl": [9, 15], "sum": [4, 9, 10], "sum_": [4, 9], "sum_i": [4, 9], "sup": 4, "superedgeconv": 9, "superedgeconv_": 9, "superplot": 10, "superposit": 10, "superset": 2, "support": [9, 15], "sure": 15, "swap": 9, "swd": 9, "swd_reweight_loss": 9, "symbol": 14, "symmetr": 9, "syntax": 9, "syst_error": 4, "system": [9, 14], "systemat": 4, "t": [4, 9], "t_theta": 4, "tabl": 9, "table_writ": 9, "tag": [4, 15], "tail": 4, "take": [4, 9], "taken": [4, 9], "tanh": 9, "target": [3, 4, 5, 7, 9, 14], "target_list": 9, "targetdir": 9, "task": [4, 9], "tau": [8, 9], "tau2gamma": 8, "taylor": [4, 10], "tbd": 8, "technic": [4, 9], "techniqu": 4, "temper": 9, "temperatur": [9, 15], "temperature_scal": 9, "templat": 15, "temporari": 14, "tensor": [4, 7, 9, 15], "tensorflow": 14, "term": 9, "test": [4, 8, 9, 10, 13, 14, 15], "test_abcd": 4, "test_accuraci": 4, "test_const": 4, "test_dimension_interfac": 4, "test_efficiency_ratio": 4, "test_em": 4, "test_extreme_npdf": 4, "test_gaussian": 4, "test_hessian": 4, "test_icecube_concat": 9, "test_icecube_index": 9, "test_iceplot": 10, "test_jacobian": 4, "test_limits_unit_test": 4, "test_load": 9, "test_lognorm": 4, "test_mod": 4, "test_powerset": 9, "test_ratio": 4, "test_syntax_tree_flip": 9, "test_syntax_tree_pars": 9, "test_syntax_tree_simpl": 9, "test_toy_pt_spectrum": 8, "text": [8, 9], "textual": 9, "th1_8cxx_sourc": 4, "than": 4, "thei": [9, 15], "them": [4, 9], "theorem": 15, "theoret": 4, "theori": [3, 4, 15], "theta": [4, 9], "theta_ind": 4, "thi": [0, 2, 4, 9, 14, 16], "though": 9, "thr_points_sign": 9, "threshold": 9, "thu": 9, "tick": 10, "tick_calc": 10, "tick_creat": 10, "tick_label": 9, "time": 9, "time_benchmark": 9, "titl": [0, 9], "tmp": 14, "tmpdir": 14, "to_devic": 9, "to_edg": 9, "to_graph": 9, "togeth": [2, 9], "toi": 4, "tol": 9, "toler": 4, "tool": [4, 14, 15], "topk": 9, "torch": [4, 5, 9, 14, 15], "torch_construct": 9, "torch_convers": 9, "torch_cuda_total_memori": 9, "torch_loop": 9, "toronto": 4, "total": [4, 9, 10], "total_cov": 9, "total_gain": 9, "totalweight": 10, "tpr": [3, 9], "tpr_err": 3, "tpratio_taylor": 4, "tqdm": 9, "tr": 4, "track": 9, "trackloss": 9, "trackster": 5, "train": 4, "train_": 9, "train_cutset": 9, "train_eval_data_processor": 9, "train_flow": 9, "train_flr": 9, "train_func": 9, "train_graph_xgb": 9, "train_load": 9, "train_loop": 4, "train_model": 9, "train_torch_gener": 9, "train_torch_graph": 9, "train_xgb": 9, "trainabl": 9, "transfer": 9, "transform": [1, 3, 5, 6, 7, 9, 11, 12], "transport": 9, "treat": 9, "treatment": 9, "tree": [2, 5, 9, 11, 15], "tree_nod": 9, "trgbit": 9, "trial": 4, "trigger": [1, 3, 5, 6, 7, 11, 12, 15], "triplet": [2, 9], "triplet_cut": 2, "trk": 5, "trk_data": 5, "trk_eta": 9, "trk_pt": 9, "trn_auc": 9, "trn_weight": 9, "trn_weights_da": 9, "trn_x": 9, "true": [2, 3, 4, 8, 9, 10], "truncat": 12, "truth": [2, 9], "try": [9, 14], "tune": [9, 15], "tupl": 9, "turn": 9, "twiki": 4, "two": [4, 9, 10], "twobodi": 8, "txt": [9, 14], "type": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12], "typic": [3, 4, 5, 7, 15], "typo3": 16, "u": [4, 8, 9, 16], "u_dim": 9, "u_i": 4, "ultim": 15, "um": 9, "umich": 4, "unbias": 4, "unbin": 4, "uncertainti": 4, "under": [0, 9, 14, 15, 16], "underli": 15, "understood": 4, "undirect": 9, "uniform": [4, 8, 9], "uniqu": 10, "unit": [4, 9, 10], "univari": 4, "unknown": 4, "unless": 9, "unmask": 9, "unnorm": 9, "unrol": 9, "unroll_ak_field": 9, "unsupervis": 9, "untest": 9, "unzip": 9, "up": 9, "updat": 9, "upper": 4, "upper_l": 4, "uproot": 9, "url": 0, "us": [0, 4, 9, 14, 15, 16], "usag": 9, "use_base_upd": 9, "use_cl": 4, "use_dequant": 3, "use_residu": 9, "usual": 8, "uv": 4, "v": [4, 9], "v_dim": 9, "v_j": 4, "val_auc": 9, "val_weight": 9, "val_weights_da": 9, "val_x": 9, "valid": 9, "valid_load": 9, "valrang": 9, "valu": [3, 4, 9], "var": 9, "var_hidden_dim": 9, "variabl": [1, 3, 4, 5, 6, 7, 8, 9, 11, 12, 15], "varianc": [4, 9], "variat": [4, 9, 15], "variationalencod": 9, "variou": [9, 15], "varlist": 9, "ve": 9, "vec4": 9, "vector": [2, 4, 9], "verbos": [2, 4, 9, 10], "veri": [4, 9], "version": [0, 4], "versu": 4, "vertic": 4, "veto": 9, "via": [2, 4, 9, 15], "visibl": 10, "visual": [4, 9, 10], "vjp": 9, "vmax": 9, "vmin": 9, "vol": 14, "vram": 9, "w": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12], "w_da": 9, "w_i": [4, 9], "w_val": 9, "wa": [4, 8, 9], "wai": 9, "wasserstein": 9, "wb": 2, "we": [2, 9], "weak": 4, "web": 4, "weight": [1, 3, 4, 5, 6, 7, 9, 10, 11, 12], "weight2onehot": 9, "weight_decai": [4, 9], "weighted_avg_and_std": 9, "weighted_binomial_err": 4, "weights_doublet": 9, "weights_init_al": 9, "weights_init_norm": 9, "weights_init_uniform_rul": 9, "welch": 4, "welch_ttest": 4, "were": 9, "wget": 14, "when": [4, 9], "where": [2, 4, 9, 14], "whether": 9, "which": [4, 9, 14, 15], "while": [4, 9], "white": 9, "why": 9, "width": [4, 8], "wiki": [4, 9, 16], "wikipedia": [4, 9, 16], "window": 4, "window_s": 4, "wise": 4, "within": [4, 9], "without": [4, 9, 15], "wnorm": 2, "work": [0, 4, 9, 14], "workflow": [0, 9, 15], "wrapper": [8, 9, 10], "write": [2, 9], "write_mod": 9, "www": [3, 4], "x": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 14, 15], "x1": 4, "x2": 4, "x2ind": 9, "x4": 8, "x86_64": 14, "x_a": 9, "x_arr": 9, "x_b": 9, "x_bin": 9, "x_binedg": 9, "x_err": [4, 9], "x_i": [4, 9], "x_input": 9, "x_j": 9, "x_kin": 9, "x_m": 9, "x_mad": 9, "x_mi": 9, "x_mu": 9, "x_n": 4, "x_raw": 9, "x_rot": 9, "x_std": 9, "x_subset": 9, "x_trn": 9, "x_trn_2d": 9, "x_val": 9, "x_val_2d": 9, "xcorr_flow": 9, "xdim": 10, "xgb": 9, "xgboost": [9, 15], "xgboostobject": 9, "xhat": [4, 9], "xlabel": [9, 10], "xlim": [9, 10], "xmin": 9, "xscale": 9, "xtick_step": 10, "xy": 9, "xy_err": 4, "xyz": 9, "xz": 4, "y": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 14], "y_arr": 9, "y_bin": 9, "y_binedg": 9, "y_cut": 4, "y_da": 9, "y_err": [4, 9], "y_hat": 9, "y_pred": 9, "y_rot": 9, "y_soft": 9, "y_target": 4, "y_trn": 9, "y_trn_da": 9, "y_true": [4, 9], "y_val": 9, "y_val_da": 9, "yaml": 9, "yaml_dump": 9, "year": 4, "ylabel": [9, 10], "ylabel_ratio": 10, "ylim": [3, 10], "ylim_ratio": 10, "yml": [9, 14, 15], "you": [0, 9, 14, 15], "your": [0, 14], "ypo": 10, "yscale": [9, 10], "ytick_ratio_step": 10, "ytick_step": 10, "z": [0, 3, 4, 8, 9], "z_": 4, "z_arr": 9, "z_dim": 9, "z_err": 4, "zero": [2, 9], "zorder": 10, "zscore_norm": 3}, "titles": ["First steps", "icebrem", "icebrk", "icedqcd", "icefit", "icehgcal", "icehnl", "iceid", "icemc", "icenet", "iceplot", "icetrg", "icezee", "CMSSW setup", "Installation", "Introduction", "Markup"], "titleterms": {"abcd": 4, "adam": 9, "adamax": 9, "advanc": 15, "ai": 15, "algo": 9, "algorithm": 15, "analyt": 9, "autogradxgb": 9, "autom": [14, 15], "aux": 9, "aux_torch": 9, "basic": 15, "binari": 14, "bnaf": 9, "c": 14, "cmssw": 13, "cnn": 9, "combinator": 15, "command": 14, "common": [1, 2, 3, 5, 6, 7, 11, 12], "commut": 4, "conda": 14, "configur": 15, "content": 0, "cortool": 4, "cuda": 14, "cutstat": 2, "da": 9, "dbnf": 9, "deep": 9, "deeptool": 9, "dep": 9, "deploi": 3, "dequant": 4, "design": 15, "distribut": 15, "dmlp": 9, "em": 4, "engin": 15, "environ": 14, "execut": 15, "fasthisto": 2, "fastkan": 9, "featur": 2, "file": 15, "first": 0, "flr": 9, "folder": 15, "gcnn": 9, "github": 13, "gpu": 14, "graph": 9, "graphio": [3, 5, 7], "grid": 15, "histo": 2, "htcondor": [14, 15], "iceboost": 9, "icebrem": 1, "icebrk": 2, "icedqcd": 3, "icefit": 4, "icehgc": 5, "icehnl": 6, "iceid": 7, "icelimit": 4, "icemap": 9, "icemc": 8, "icenet": 9, "iceplot": 10, "iceroot": 9, "icetrg": 11, "icevec": 9, "iceze": 12, "indic": 0, "initi": 14, "instal": 14, "introduct": 15, "io": 9, "jacobian": 4, "job": 14, "kei": 13, "librari": 14, "limit": 3, "lognorm": 4, "loop": 2, "losstool": 9, "lzmlp": 9, "mantissa": 4, "markup": 16, "maxo": 9, "mine": 4, "ml": 15, "mlgr": 9, "model": 15, "nmf": 9, "note": 0, "obsolet": 14, "optim": [3, 9], "packag": 0, "path": 14, "pdg": 2, "peakfit": 4, "pgraph": 9, "plot": 9, "possibl": 14, "pre": 14, "predict": 9, "preliminari": [13, 14], "preprocess": 5, "principl": 15, "print": 9, "problem": 14, "process": 9, "public": 13, "raytool": 9, "refer": 0, "releas": 13, "reweight": 9, "schedul": 9, "score": 4, "selector": 15, "setup": [13, 14], "sge": 15, "show": 14, "ssh": 13, "statstool": 4, "step": 0, "structur": 15, "stx": 9, "submiss": 14, "sun": 15, "support": 14, "tabl": 0, "technologi": 15, "tempscal": 9, "tool": [2, 9], "train": [9, 15], "vae": 9, "version": 14, "virtual": 14, "yaml": 15}})
\ No newline at end of file
+Search.setIndex({"alltitles": {"AI-algorithms and models": [[15, "ai-algorithms-and-models"]], "Advanced ML-training technology": [[15, "advanced-ml-training-technology"]], "Automated selectors and combinatorics for distributions": [[15, "automated-selectors-and-combinatorics-for-distributions"]], "Automated setup": [[14, "automated-setup"]], "Basic design principles": [[15, "basic-design-principles"]], "C-library versions": [[14, "c-library-versions"]], "CMSSW setup": [[13, "cmssw-setup"]], "Conda virtual environment commands": [[14, "conda-virtual-environment-commands"]], "Contents": [[0, "contents"]], "First steps": [[0, "first-steps"]], "Folder structure": [[15, "folder-structure"]], "GPU-support commands": [[14, "gpu-support-commands"]], "HTCondor GPU job submission": [[14, "htcondor-gpu-job-submission"]], "Indices and Tables": [[0, "indices-and-tables"]], "Initialize the environment": [[14, "initialize-the-environment"]], "Installation": [[14, "installation"]], "Introduction": [[15, "introduction"]], "Markup": [[16, "markup"]], "Notes": [[0, null]], "Package Reference": [[0, null]], "Possible problems": [[14, "possible-problems"]], "Pre-installed CUDA paths (OBSOLETE)": [[14, "pre-installed-cuda-paths-obsolete"]], "Preliminaries: CMSSW release setup": [[13, "preliminaries-cmssw-release-setup"]], "Preliminaries: Conda installation": [[14, "preliminaries-conda-installation"]], "Preliminaries: SSH public key to github": [[13, "preliminaries-ssh-public-key-to-github"]], "References": [[0, "references"]], "Show installation paths of binaries": [[14, "show-installation-paths-of-binaries"]], "Sun Grid Engine (SGE) / HTCondor execution": [[15, "sun-grid-engine-sge-htcondor-execution"]], "YAML-configuration files": [[15, "yaml-configuration-files"]], "icebrem": [[1, "icebrem"]], "icebrem.common": [[1, "module-icebrem.common"]], "icebrk": [[2, "icebrk"]], "icebrk.PDG": [[2, "module-icebrk.PDG"]], "icebrk.common": [[2, "icebrk-common"]], "icebrk.cutstats": [[2, "module-icebrk.cutstats"]], "icebrk.fasthistos": [[2, "module-icebrk.fasthistos"]], "icebrk.features": [[2, "module-icebrk.features"]], "icebrk.histos": [[2, "module-icebrk.histos"]], "icebrk.loop": [[2, "module-icebrk.loop"]], "icebrk.tools": [[2, "module-icebrk.tools"]], "icedqcd": [[3, "icedqcd"]], "icedqcd.common": [[3, "module-icedqcd.common"]], "icedqcd.deploy": [[3, "module-icedqcd.deploy"]], "icedqcd.graphio": [[3, "module-icedqcd.graphio"]], "icedqcd.limits": [[3, "module-icedqcd.limits"]], "icedqcd.optimize": [[3, "module-icedqcd.optimize"]], "icefit": [[4, "icefit"]], "icefit.abcd": [[4, "module-icefit.abcd"]], "icefit.commutator": [[4, "module-icefit.commutator"]], "icefit.cortools": [[4, "module-icefit.cortools"]], "icefit.dequantize": [[4, "module-icefit.dequantize"]], "icefit.em": [[4, "module-icefit.em"]], "icefit.icelimit": [[4, "module-icefit.icelimit"]], "icefit.jacobian": [[4, "module-icefit.jacobian"]], "icefit.lognormal": [[4, "module-icefit.lognormal"]], "icefit.mantissa": [[4, "module-icefit.mantissa"]], "icefit.mine": [[4, "module-icefit.mine"]], "icefit.peakfit": [[4, "module-icefit.peakfit"]], "icefit.score": [[4, "module-icefit.score"]], "icefit.statstools": [[4, "module-icefit.statstools"]], "icehgcal": [[5, "icehgcal"]], "icehgcal.common": [[5, "module-icehgcal.common"]], "icehgcal.graphio": [[5, "module-icehgcal.graphio"]], "icehgcal.preprocess": [[5, "module-icehgcal.preprocess"]], "icehnl": [[6, "icehnl"]], "icehnl.common": [[6, "module-icehnl.common"]], "iceid": [[7, "iceid"]], "iceid.common": [[7, "module-iceid.common"]], "iceid.graphio": [[7, "module-iceid.graphio"]], "icemc": [[8, "icemc"]], "icemc.icemc": [[8, "module-icemc.icemc"]], "icenet": [[9, "icenet"]], "icenet.algo": [[9, "icenet-algo"]], "icenet.algo.analytic": [[9, "module-icenet.algo.analytic"]], "icenet.algo.flr": [[9, "module-icenet.algo.flr"]], "icenet.algo.nmf": [[9, "module-icenet.algo.nmf"]], "icenet.deep": [[9, "icenet-deep"]], "icenet.deep.autogradxgb": [[9, "module-icenet.deep.autogradxgb"]], "icenet.deep.bnaf": [[9, "module-icenet.deep.bnaf"]], "icenet.deep.cnn": [[9, "module-icenet.deep.cnn"]], "icenet.deep.da": [[9, "module-icenet.deep.da"]], "icenet.deep.dbnf": [[9, "module-icenet.deep.dbnf"]], "icenet.deep.deeptools": [[9, "module-icenet.deep.deeptools"]], "icenet.deep.deps": [[9, "module-icenet.deep.deps"]], "icenet.deep.dmlp": [[9, "module-icenet.deep.dmlp"]], "icenet.deep.fastkan": [[9, "module-icenet.deep.fastkan"]], "icenet.deep.gcnn": [[9, "module-icenet.deep.gcnn"]], "icenet.deep.graph": [[9, "module-icenet.deep.graph"]], "icenet.deep.iceboost": [[9, "module-icenet.deep.iceboost"]], "icenet.deep.losstools": [[9, "module-icenet.deep.losstools"]], "icenet.deep.lzmlp": [[9, "module-icenet.deep.lzmlp"]], "icenet.deep.maxo": [[9, "module-icenet.deep.maxo"]], "icenet.deep.mlgr": [[9, "module-icenet.deep.mlgr"]], "icenet.deep.optimize": [[9, "module-icenet.deep.optimize"]], "icenet.deep.pgraph": [[9, "module-icenet.deep.pgraph"]], "icenet.deep.predict": [[9, "module-icenet.deep.predict"]], "icenet.deep.tempscale": [[9, "module-icenet.deep.tempscale"]], "icenet.deep.train": [[9, "module-icenet.deep.train"]], "icenet.deep.vae": [[9, "module-icenet.deep.vae"]], "icenet.optim": [[9, "icenet-optim"]], "icenet.optim.adam": [[9, "module-icenet.optim.adam"]], "icenet.optim.adamax": [[9, "module-icenet.optim.adamax"]], "icenet.optim.scheduler": [[9, "module-icenet.optim.scheduler"]], "icenet.tools": [[9, "icenet-tools"]], "icenet.tools.aux": [[9, "module-icenet.tools.aux"]], "icenet.tools.aux_torch": [[9, "module-icenet.tools.aux_torch"]], "icenet.tools.icemap": [[9, "module-icenet.tools.icemap"]], "icenet.tools.iceroot": [[9, "module-icenet.tools.iceroot"]], "icenet.tools.icevec": [[9, "module-icenet.tools.icevec"]], "icenet.tools.io": [[9, "module-icenet.tools.io"]], "icenet.tools.plots": [[9, "module-icenet.tools.plots"]], "icenet.tools.prints": [[9, "module-icenet.tools.prints"]], "icenet.tools.process": [[9, "module-icenet.tools.process"]], "icenet.tools.raytools": [[9, "module-icenet.tools.raytools"]], "icenet.tools.reweight": [[9, "module-icenet.tools.reweight"]], "icenet.tools.stx": [[9, "module-icenet.tools.stx"]], "iceplot": [[10, "iceplot"]], "iceplot.iceplot": [[10, "module-iceplot.iceplot"]], "icetrg": [[11, "icetrg"]], "icetrg.common": [[11, "module-icetrg.common"]], "icezee": [[12, "icezee"]], "icezee.common": [[12, "module-icezee.common"]]}, "docnames": ["index", "modules/icebrem", "modules/icebrk", "modules/icedqcd", "modules/icefit", "modules/icehgcal", "modules/icehnl", "modules/iceid", "modules/icemc", "modules/icenet", "modules/iceplot", "modules/icetrg", "modules/icezee", "notes/cmssw", "notes/installation", "notes/introduction", "notes/markup"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.viewcode": 1}, "filenames": ["index.rst", "modules/icebrem.rst", "modules/icebrk.rst", "modules/icedqcd.rst", "modules/icefit.rst", "modules/icehgcal.rst", "modules/icehnl.rst", "modules/iceid.rst", "modules/icemc.rst", "modules/icenet.rst", "modules/iceplot.rst", "modules/icetrg.rst", "modules/icezee.rst", "notes/cmssw.rst", "notes/installation.rst", "notes/introduction.rst", "notes/markup.rst"], "indexentries": {"abcd_2nll() (in module icefit.abcd)": [[4, "icefit.abcd.ABCD_2NLL", false]], "abcd_eq() (in module icefit.abcd)": [[4, "icefit.abcd.ABCD_eq", false]], "abcd_err() (in module icefit.abcd)": [[4, "icefit.abcd.ABCD_err", false]], "abs_delta_phi() (vec4 method)": [[9, "icenet.tools.icevec.vec4.abs_delta_phi", false]], "abseta (vec4 property)": [[9, "icenet.tools.icevec.vec4.abseta", false]], "actor (progressbar property)": [[9, "icenet.tools.raytools.ProgressBar.actor", false]], "adam (class in icenet.optim.adam)": [[9, "icenet.optim.adam.Adam", false]], "adamax (class in icenet.optim.adamax)": [[9, "icenet.optim.adamax.Adamax", false]], "adaptive_gradient_clipping_() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.adaptive_gradient_clipping_", false]], "add() (fastarray1 method)": [[9, "icenet.tools.io.fastarray1.add", false]], "ads() (in module icefit.statstools)": [[4, "icefit.statstools.ADS", false]], "airw_helper() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.AIRW_helper", false]], "ak2numpy() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.ak2numpy", false]], "analytical_extreme_npdf() (in module icefit.statstools)": [[4, "icefit.statstools.analytical_extreme_npdf", false]], "annotate_heatmap() (in module icemc.icemc)": [[8, "icemc.icemc.annotate_heatmap", false]], "annotate_heatmap() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.annotate_heatmap", false]], "apply_cutflow() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.apply_cutflow", false]], "apply_cuts() (in module icebrk.cutstats)": [[2, "icebrk.cutstats.apply_cuts", false]], "apply_madscore() (in module icenet.tools.io)": [[9, "icenet.tools.io.apply_madscore", false]], "apply_mine() (in module icefit.mine)": [[4, "icefit.mine.apply_mine", false]], "apply_mine_batched() (in module icefit.mine)": [[4, "icefit.mine.apply_mine_batched", false]], "apply_zscore() (in module icenet.tools.io)": [[9, "icenet.tools.io.apply_zscore", false]], "apply_zscore_tensor() (in module icenet.tools.io)": [[9, "icenet.tools.io.apply_zscore_tensor", false]], "arrays2matrix() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.arrays2matrix", false]], "asymptotic_uncertainty_cls() (in module icefit.icelimit)": [[4, "icefit.icelimit.asymptotic_uncertainty_CLs", false]], "attentionwithfastkantransform (class in icenet.deep.fastkan)": [[9, "icenet.deep.fastkan.AttentionWithFastKANTransform", false]], "auc_score() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.auc_score", false]], "backward() (gradientreversalfunction static method)": [[9, "icenet.deep.da.GradientReversalFunction.backward", false]], "balanceweights() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.balanceweights", false]], "batch2tensor() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.batch2tensor", false]], "bce_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.BCE_loss", false]], "bce_loss_with_logits() (in module icenet.deep.iceboost)": [[9, "icenet.deep.iceboost.BCE_loss_with_logits", false]], "beta (vec4 property)": [[9, "icenet.tools.icevec.vec4.beta", false]], "bin2int() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.bin2int", false]], "bin_array() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.bin_array", false]], "binary_cross_entropy_logprob() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.binary_cross_entropy_logprob", false]], "binary_focal_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.binary_focal_loss", false]], "binarypredict() (cnn method)": [[9, "icenet.deep.cnn.CNN.binarypredict", false]], "binarypredict() (deps method)": [[9, "icenet.deep.deps.DEPS.binarypredict", false]], "binarypredict() (dmlp method)": [[9, "icenet.deep.dmlp.DMLP.binarypredict", false]], "binarypredict() (gcn method)": [[9, "icenet.deep.gcnn.GCN.binarypredict", false]], "binarypredict() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.binarypredict", false]], "binarypredict() (lzmlp method)": [[9, "icenet.deep.lzmlp.LZMLP.binarypredict", false]], "binarypredict() (maxout method)": [[9, "icenet.deep.maxo.MAXOUT.binarypredict", false]], "binarypredict() (mlgr method)": [[9, "icenet.deep.mlgr.MLGR.binarypredict", false]], "binaryvec2int() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.binaryvec2int", false]], "binengine() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.binengine", false]], "binned_1d_auc() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.binned_1D_AUC", false]], "binned_2d_auc() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.binned_2D_AUC", false]], "binom_coeff_all() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.binom_coeff_all", false]], "binomial() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.binomial", false]], "binvec2powersetindex() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.binvec2powersetindex", false]], "binvec_are_equal() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.binvec_are_equal", false]], "binwidth() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.binwidth", false]], "bits2digits() (in module icefit.mantissa)": [[4, "icefit.mantissa.bits2digits", false]], "bnaf (class in icenet.deep.bnaf)": [[9, "icenet.deep.bnaf.BNAF", false]], "boost() (vec4 method)": [[9, "icenet.tools.icevec.vec4.boost", false]], "bw2bins() (in module icefit.cortools)": [[4, "icefit.cortools.bw2bins", false]], "calc_batch_mc_observables() (in module icebrk.histos)": [[2, "icebrk.histos.calc_batch_MC_observables", false]], "calc_batch_observables() (in module icebrk.histos)": [[2, "icebrk.histos.calc_batch_observables", false]], "calc_madscore() (in module icenet.tools.io)": [[9, "icenet.tools.io.calc_madscore", false]], "calc_mc_observables() (in module icebrk.histos)": [[2, "icebrk.histos.calc_MC_observables", false]], "calc_observables() (in module icebrk.histos)": [[2, "icebrk.histos.calc_observables", false]], "calc_zscore() (in module icenet.tools.io)": [[9, "icenet.tools.io.calc_zscore", false]], "calc_zscore_tensor() (in module icenet.tools.io)": [[9, "icenet.tools.io.calc_zscore_tensor", false]], "calibrate() (logitswithtemperature method)": [[9, "icenet.deep.tempscale.LogitsWithTemperature.calibrate", false]], "calibrate() (modelwithtemperature method)": [[9, "icenet.deep.tempscale.ModelWithTemperature.calibrate", false]], "cartesian_product() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.cartesian_product", false]], "change2density_labels() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.change2density_labels", false]], "checkinfnan() (in module icenet.tools.io)": [[9, "icenet.tools.io.checkinfnan", false]], "chi2_cost() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.chi2_cost", false]], "cl_single() (in module icefit.icelimit)": [[4, "icefit.icelimit.CL_single", false]], "cl_single_asymptotic() (in module icefit.icelimit)": [[4, "icefit.icelimit.CL_single_asymptotic", false]], "cl_single_compute() (in module icefit.icelimit)": [[4, "icefit.icelimit.CL_single_compute", false]], "classfilter() (icexyw method)": [[9, "icenet.tools.io.IceXYW.classfilter", false]], "clopper_pearson_err() (in module icefit.statstools)": [[4, "icefit.statstools.clopper_pearson_err", false]], "cnn (class in icenet.deep.cnn)": [[9, "icenet.deep.cnn.CNN", false]], "cnn_maxo (class in icenet.deep.cnn)": [[9, "icenet.deep.cnn.CNN_MAXO", false]], "collect_info_stats() (in module icebrk.cutstats)": [[2, "icebrk.cutstats.collect_info_stats", false]], "collect_mcinfo_stats() (in module icebrk.cutstats)": [[2, "icebrk.cutstats.collect_mcinfo_stats", false]], "colored_row() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.colored_row", false]], "colors() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.colors", false]], "columnar_mask_efficiency() (in module icefit.statstools)": [[4, "icefit.statstools.columnar_mask_efficiency", false]], "combine_pickle_data() (in module icenet.tools.process)": [[9, "icenet.tools.process.combine_pickle_data", false]], "compute_edge_attr() (in module icehgcal.graphio)": [[5, "icehgcal.graphio.compute_edge_attr", false]], "compute_edges() (in module icehgcal.preprocess)": [[5, "icehgcal.preprocess.compute_edges", false]], "compute_ind() (in module icefit.dequantize)": [[4, "icefit.dequantize.compute_ind", false]], "compute_log_p_x() (in module icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.compute_log_p_x", false]], "compute_metrics() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.compute_metrics", false]], "compute_mine() (in module icefit.mine)": [[4, "icefit.mine.compute_mine", false]], "compute_nd_reweights() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.compute_ND_reweights", false]], "concatenate_and_clean() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.concatenate_and_clean", false]], "concatenate_data() (in module icenet.tools.process)": [[9, "icenet.tools.process.concatenate_data", false]], "construct_columnar_cuts() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.construct_columnar_cuts", false]], "construct_exptree() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.construct_exptree", false]], "construct_icdf() (in module icefit.dequantize)": [[4, "icefit.dequantize.construct_icdf", false]], "construct_input_vec() (in module icebrk.tools)": [[2, "icebrk.tools.construct_input_vec", false]], "construct_kinematics() (in module icebrk.tools)": [[2, "icebrk.tools.construct_kinematics", false]], "construct_mc_tree() (in module icebrk.tools)": [[2, "icebrk.tools.construct_MC_tree", false]], "construct_mc_truth() (in module icebrk.tools)": [[2, "icebrk.tools.construct_MC_truth", false]], "construct_new_branches() (in module icebrk.features)": [[2, "icebrk.features.construct_new_branches", false]], "construct_output_vec() (in module icebrk.tools)": [[2, "icebrk.tools.construct_output_vec", false]], "convolve_systematics() (in module icefit.icelimit)": [[4, "icefit.icelimit.convolve_systematics", false]], "cormat2covmat() (in module icefit.statstools)": [[4, "icefit.statstools.cormat2covmat", false]], "corrcoeff_weighted_torch() (in module icefit.cortools)": [[4, "icefit.cortools.corrcoeff_weighted_torch", false]], "correlation_matrix() (in module icefit.statstools)": [[4, "icefit.statstools.correlation_matrix", false]], "costheta (vec4 property)": [[9, "icenet.tools.icevec.vec4.costheta", false]], "count_files_in_dir() (in module icenet.tools.io)": [[9, "icenet.tools.io.count_files_in_dir", false]], "count_parameters_torch() (in module icenet.tools.aux_torch)": [[9, "icenet.tools.aux_torch.count_parameters_torch", false]], "count_simple_edges() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.count_simple_edges", false]], "count_targets() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.count_targets", false]], "covmat2corrmat() (in module icefit.statstools)": [[4, "icefit.statstools.covmat2corrmat", false]], "create_axes() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.create_axes", false]], "create_filters() (in module icenet.deep.iceboost)": [[9, "icenet.deep.iceboost.create_filters", false]], "create_id_label() (in module icedqcd.deploy)": [[3, "icedqcd.deploy.create_ID_label", false]], "create_label() (in module icefit.lognormal)": [[4, "icefit.lognormal.create_label", false]], "create_limit_plots_vector() (in module icedqcd.limits)": [[3, "icedqcd.limits.create_limit_plots_vector", false]], "create_limit_tables() (in module icedqcd.limits)": [[3, "icedqcd.limits.create_limit_tables", false]], "create_model() (in module icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.create_model", false]], "create_model_filename() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.create_model_filename", false]], "create_trackster_data() (in module icehgcal.preprocess)": [[5, "icehgcal.preprocess.create_trackster_data", false]], "crv() (in module icefit.commutator)": [[4, "icefit.commutator.crv", false]], "dataset (class in icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.Dataset", false]], "dataset (class in icenet.deep.optimize)": [[9, "icenet.deep.optimize.Dataset", false]], "decoder (class in icenet.deep.vae)": [[9, "icenet.deep.vae.Decoder", false]], "deltaphi() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.deltaphi", false]], "deltaphi() (vec4 method)": [[9, "icenet.tools.icevec.vec4.deltaphi", false]], "deltar() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.deltaR", false]], "deltar() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.deltar", false]], "deltar() (vec4 method)": [[9, "icenet.tools.icevec.vec4.deltaR", false]], "deltar_3() (in module icebrk.tools)": [[2, "icebrk.tools.deltar_3", false]], "density_cor() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.density_COR", false]], "density_cor_wclass() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.density_COR_wclass", false]], "density_mva_wclass() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.density_MVA_wclass", false]], "deps (class in icenet.deep.deps)": [[9, "icenet.deep.deps.DEPS", false]], "derivatives() (xgboostobjective method)": [[9, "icenet.deep.autogradxgb.XgboostObjective.derivatives", false]], "description (progressbar attribute)": [[9, "icenet.tools.raytools.ProgressBar.description", false]], "dict_batch_to_cuda() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.dict_batch_to_cuda", false]], "digits2bits() (in module icefit.mantissa)": [[4, "icefit.mantissa.digits2bits", false]], "distance_corr() (in module icefit.cortools)": [[4, "icefit.cortools.distance_corr", false]], "distance_corr_torch() (in module icefit.cortools)": [[4, "icefit.cortools.distance_corr_torch", false]], "dmlp (class in icenet.deep.dmlp)": [[9, "icenet.deep.dmlp.DMLP", false]], "dot3() (vec4 method)": [[9, "icenet.tools.icevec.vec4.dot3", false]], "dot4() (vec4 method)": [[9, "icenet.tools.icevec.vec4.dot4", false]], "doublet_helper() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.doublet_helper", false]], "draw_error_band() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.draw_error_band", false]], "dualdataset (class in icenet.deep.optimize)": [[9, "icenet.deep.optimize.DualDataset", false]], "dynamicedgeconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.DynamicEdgeConv_", false]], "e (vec4 property)": [[9, "icenet.tools.icevec.vec4.e", false]], "edge2centerbins() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.edge2centerbins", false]], "edgeconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.EdgeConv_", false]], "em_frac() (in module icefit.em)": [[4, "icefit.em.EM_frac", false]], "encoder (class in icenet.deep.vae)": [[9, "icenet.deep.vae.Encoder", false]], "error_on_mu() (in module icefit.statstools)": [[4, "icefit.statstools.error_on_mu", false]], "error_on_std() (in module icefit.statstools)": [[4, "icefit.statstools.error_on_std", false]], "estimate() (in module icefit.mine)": [[4, "icefit.mine.estimate", false]], "eta (vec4 property)": [[9, "icenet.tools.icevec.vec4.eta", false]], "eval_boolean_exptree() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.eval_boolean_exptree", false]], "eval_boolean_syntax() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.eval_boolean_syntax", false]], "evaluate_models() (in module icenet.tools.process)": [[9, "icenet.tools.process.evaluate_models", false]], "event_loop() (in module icehgcal.preprocess)": [[5, "icehgcal.preprocess.event_loop", false]], "events_to_jagged_numpy() (in module icenet.tools.iceroot)": [[9, "icenet.tools.iceroot.events_to_jagged_numpy", false]], "explicit_range() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.explicit_range", false]], "f2s() (in module icedqcd.deploy)": [[3, "icedqcd.deploy.f2s", false]], "fast_loop() (in module icefit.dequantize)": [[4, "icefit.dequantize.fast_loop", false]], "fastarray1 (class in icenet.tools.io)": [[9, "icenet.tools.io.fastarray1", false]], "fastkan (class in icenet.deep.fastkan)": [[9, "icenet.deep.fastkan.FastKAN", false]], "fastkanlayer (class in icenet.deep.fastkan)": [[9, "icenet.deep.fastkan.FastKANLayer", false]], "filter_adj() (panumpooling method)": [[9, "icenet.deep.pgraph.PANUMPooling.filter_adj", false]], "filter_adj() (panxhmpooling method)": [[9, "icenet.deep.pgraph.PANXHMPooling.filter_adj", false]], "filter_adj() (panxumpooling method)": [[9, "icenet.deep.pgraph.PANXUMPooling.filter_adj", false]], "filter_constructor() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.filter_constructor", false]], "find_connected_triplets() (in module icebrk.tools)": [[2, "icebrk.tools.find_connected_triplets", false]], "find_filter() (in module icedqcd.optimize)": [[3, "icedqcd.optimize.find_filter", false]], "find_ind() (icexyw method)": [[9, "icenet.tools.io.IceXYW.find_ind", false]], "find_limits() (in module icedqcd.limits)": [[3, "icedqcd.limits.find_limits", false]], "fit_and_analyze() (in module icefit.peakfit)": [[4, "icefit.peakfit.fit_and_analyze", false]], "fit_task() (in module icefit.peakfit)": [[4, "icefit.peakfit.fit_task", false]], "fit_task_multi() (in module icefit.peakfit)": [[4, "icefit.peakfit.fit_task_multi", false]], "focalwithlogitsloss (class in icenet.deep.losstools)": [[9, "icenet.deep.losstools.FocalWithLogitsLoss", false]], "forward() (attentionwithfastkantransform method)": [[9, "icenet.deep.fastkan.AttentionWithFastKANTransform.forward", false]], "forward() (bnaf method)": [[9, "icenet.deep.bnaf.BNAF.forward", false]], "forward() (cnn method)": [[9, "icenet.deep.cnn.CNN.forward", false]], "forward() (cnn_maxo method)": [[9, "icenet.deep.cnn.CNN_MAXO.forward", false]], "forward() (decoder method)": [[9, "icenet.deep.vae.Decoder.forward", false]], "forward() (deps method)": [[9, "icenet.deep.deps.DEPS.forward", false]], "forward() (dmlp method)": [[9, "icenet.deep.dmlp.DMLP.forward", false]], "forward() (encoder method)": [[9, "icenet.deep.vae.Encoder.forward", false]], "forward() (fastkan method)": [[9, "icenet.deep.fastkan.FastKAN.forward", false]], "forward() (fastkanlayer method)": [[9, "icenet.deep.fastkan.FastKANLayer.forward", false]], "forward() (focalwithlogitsloss method)": [[9, "icenet.deep.losstools.FocalWithLogitsLoss.forward", false]], "forward() (gcn method)": [[9, "icenet.deep.gcnn.GCN.forward", false]], "forward() (gcn_layer method)": [[9, "icenet.deep.gcnn.GCN_layer.forward", false]], "forward() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.forward", false]], "forward() (gradientreversal method)": [[9, "icenet.deep.da.GradientReversal.forward", false]], "forward() (gradientreversalfunction static method)": [[9, "icenet.deep.da.GradientReversalFunction.forward", false]], "forward() (linearlayer method)": [[9, "icenet.deep.dmlp.LinearLayer.forward", false]], "forward() (lipschitzlinear method)": [[9, "icenet.deep.lzmlp.LipschitzLinear.forward", false]], "forward() (lqbernoulliwithlogitsloss method)": [[9, "icenet.deep.losstools.LqBernoulliWithLogitsLoss.forward", false]], "forward() (lzmlp method)": [[9, "icenet.deep.lzmlp.LZMLP.forward", false]], "forward() (maskedweight method)": [[9, "icenet.deep.bnaf.MaskedWeight.forward", false]], "forward() (maxout method)": [[9, "icenet.deep.maxo.MAXOUT.forward", false]], "forward() (minenet method)": [[4, "icefit.mine.MINENet.forward", false]], "forward() (mlgr method)": [[9, "icenet.deep.mlgr.MLGR.forward", false]], "forward() (modelwithtemperature method)": [[9, "icenet.deep.tempscale.ModelWithTemperature.forward", false]], "forward() (multiply method)": [[9, "icenet.deep.deeptools.Multiply.forward", false]], "forward() (panconv method)": [[9, "icenet.deep.pgraph.PANConv.forward", false]], "forward() (pandropout method)": [[9, "icenet.deep.pgraph.PANDropout.forward", false]], "forward() (panumpooling method)": [[9, "icenet.deep.pgraph.PANUMPooling.forward", false]], "forward() (panxhmpooling method)": [[9, "icenet.deep.pgraph.PANXHMPooling.forward", false]], "forward() (panxumpooling method)": [[9, "icenet.deep.pgraph.PANXUMPooling.forward", false]], "forward() (pen1_max method)": [[9, "icenet.deep.deps.PEN1_max.forward", false]], "forward() (pen1_mean method)": [[9, "icenet.deep.deps.PEN1_mean.forward", false]], "forward() (pen_max method)": [[9, "icenet.deep.deps.PEN_max.forward", false]], "forward() (pen_mean method)": [[9, "icenet.deep.deps.PEN_mean.forward", false]], "forward() (permutation method)": [[9, "icenet.deep.bnaf.Permutation.forward", false]], "forward() (radialbasisfunction method)": [[9, "icenet.deep.fastkan.RadialBasisFunction.forward", false]], "forward() (sequential method)": [[9, "icenet.deep.bnaf.Sequential.forward", false]], "forward() (superedgeconv method)": [[9, "icenet.deep.graph.SuperEdgeConv.forward", false]], "forward() (tanh method)": [[9, "icenet.deep.bnaf.Tanh.forward", false]], "forward() (vae method)": [[9, "icenet.deep.vae.VAE.forward", false]], "forward() (variationalencoder method)": [[9, "icenet.deep.vae.VariationalEncoder.forward", false]], "forward_2pt() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.forward_2pt", false]], "forward_with_da() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.forward_with_DA", false]], "fox_wolfram_boost_inv() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.fox_wolfram_boost_inv", false]], "freedman_diaconis_bin() (in module icefit.cortools)": [[4, "icefit.cortools.freedman_diaconis_bin", false]], "func_binormal() (in module icedqcd.optimize)": [[3, "icedqcd.optimize.func_binormal", false]], "func_binormal2() (in module icedqcd.optimize)": [[3, "icedqcd.optimize.func_binormal2", false]], "fuse_histograms() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.fuse_histograms", false]], "gamma (vec4 property)": [[9, "icenet.tools.icevec.vec4.gamma", false]], "gamma2tau() (in module icemc.icemc)": [[8, "icemc.icemc.Gamma2tau", false]], "gatconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.GATConv_", false]], "gaussian_mutual_information() (in module icefit.cortools)": [[4, "icefit.cortools.gaussian_mutual_information", false]], "gausspdf() (in module icefit.em)": [[4, "icefit.em.gausspdf", false]], "gcn (class in icenet.deep.gcnn)": [[9, "icenet.deep.gcnn.GCN", false]], "gcn_layer (class in icenet.deep.gcnn)": [[9, "icenet.deep.gcnn.GCN_layer", false]], "generate_cartesian_param() (in module icedqcd.deploy)": [[3, "icedqcd.deploy.generate_cartesian_param", false]], "generate_colormap() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.generate_colormap", false]], "generate_feature_names() (in module icebrk.features)": [[2, "icebrk.features.generate_feature_names", false]], "generatebinary() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.generatebinary", false]], "generatebinary_fixed() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.generatebinary_fixed", false]], "generic_flow() (in module icenet.tools.process)": [[9, "icenet.tools.process.generic_flow", false]], "geom_mean_2d() (in module icefit.statstools)": [[4, "icefit.statstools.geom_mean_2D", false]], "get_act() (in module icenet.deep.dmlp)": [[9, "icenet.deep.dmlp.get_act", false]], "get_datetime() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.get_datetime", false]], "get_first_indices() (in module icebrk.tools)": [[2, "icebrk.tools.get_first_indices", false]], "get_full_hessian() (in module icefit.jacobian)": [[4, "icefit.jacobian.get_full_hessian", false]], "get_gpu_memory_map() (in module icenet.tools.io)": [[9, "icenet.tools.io.get_gpu_memory_map", false]], "get_gradient() (in module icefit.jacobian)": [[4, "icefit.jacobian.get_gradient", false]], "get_jacobian() (in module icefit.jacobian)": [[4, "icefit.jacobian.get_jacobian", false]], "get_lipschitz_constant() (lipschitzlinear method)": [[9, "icenet.deep.lzmlp.LipschitzLinear.get_lipschitz_constant", false]], "get_lipschitz_loss() (lzmlp method)": [[9, "icenet.deep.lzmlp.LZMLP.get_lipschitz_loss", false]], "get_lorentz_edge_features() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.get_Lorentz_edge_features", false]], "get_node_features() (in module icehgcal.graphio)": [[5, "icehgcal.graphio.get_node_features", false]], "get_node_features() (in module iceid.graphio)": [[7, "iceid.graphio.get_node_features", false]], "get_num_events() (in module icenet.tools.iceroot)": [[9, "icenet.tools.iceroot.get_num_events", false]], "get_pdf() (in module icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.get_pdf", false]], "get_predictor() (in module icedqcd.deploy)": [[3, "icedqcd.deploy.get_predictor", false]], "get_rootfiles_jpsi() (in module icefit.peakfit)": [[4, "icefit.peakfit.get_rootfiles_jpsi", false]], "get_simple_edge_index() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.get_simple_edge_index", false]], "get_weights() (maskedweight method)": [[9, "icenet.deep.bnaf.MaskedWeight.get_weights", false]], "getdimension() (in module icebrk.features)": [[2, "icebrk.features.getdimension", false]], "getgenericmodel() (in module icenet.deep.train)": [[9, "icenet.deep.train.getgenericmodel", false]], "getgenericparam() (in module icenet.deep.train)": [[9, "icenet.deep.train.getgenericparam", false]], "getgraphmodel() (in module icenet.deep.train)": [[9, "icenet.deep.train.getgraphmodel", false]], "getgraphparam() (in module icenet.deep.train)": [[9, "icenet.deep.train.getgraphparam", false]], "getmtime() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.getmtime", false]], "gine_helper() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.GINE_helper", false]], "gineconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.GINEConv_", false]], "glob_expand_files() (in module icenet.tools.io)": [[9, "icenet.tools.io.glob_expand_files", false]], "gnngeneric (class in icenet.deep.graph)": [[9, "icenet.deep.graph.GNNGeneric", false]], "grad_norm() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.grad_norm", false]], "gradientreversal (class in icenet.deep.da)": [[9, "icenet.deep.da.GradientReversal", false]], "gradientreversalfunction (class in icenet.deep.da)": [[9, "icenet.deep.da.GradientReversalFunction", false]], "gram_matrix() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.gram_matrix", false]], "group_systematics() (in module icefit.peakfit)": [[4, "icefit.peakfit.group_systematics", false]], "h_score() (in module icefit.cortools)": [[4, "icefit.cortools.H_score", false]], "hacine_entropy_bin() (in module icefit.cortools)": [[4, "icefit.cortools.hacine_entropy_bin", false]], "hacine_joint_entropy_bin() (in module icefit.cortools)": [[4, "icefit.cortools.hacine_joint_entropy_bin", false]], "hdf5_append() (in module icebrk.loop)": [[2, "icebrk.loop.hdf5_append", false]], "hdf5_write_handles() (in module icebrk.loop)": [[2, "icebrk.loop.hdf5_write_handles", false]], "hepmc2vec4() (in module icenet.tools.icevec)": [[9, "icenet.tools.icevec.hepmc2vec4", false]], "hist() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.hist", false]], "hist_filled_error() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.hist_filled_error", false]], "hist_flush() (in module icebrk.loop)": [[2, "icebrk.loop.hist_flush", false]], "hist_obj() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.hist_obj", false]], "hist_to_density() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.hist_to_density", false]], "hist_to_density_fullspace() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.hist_to_density_fullspace", false]], "histhepdata() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.histhepdata", false]], "histmc() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.histmc", false]], "histogram_helper() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.histogram_helper", false]], "hobj (class in iceplot.iceplot)": [[10, "iceplot.iceplot.hobj", false]], "i_score() (in module icefit.cortools)": [[4, "icefit.cortools.I_score", false]], "icebrem.common": [[1, "module-icebrem.common", false]], "icebrk.cutstats": [[2, "module-icebrk.cutstats", false]], "icebrk.fasthistos": [[2, "module-icebrk.fasthistos", false]], "icebrk.features": [[2, "module-icebrk.features", false]], "icebrk.histos": [[2, "module-icebrk.histos", false]], "icebrk.loop": [[2, "module-icebrk.loop", false]], "icebrk.pdg": [[2, "module-icebrk.PDG", false]], "icebrk.tools": [[2, "module-icebrk.tools", false]], "icedqcd.common": [[3, "module-icedqcd.common", false]], "icedqcd.deploy": [[3, "module-icedqcd.deploy", false]], "icedqcd.graphio": [[3, "module-icedqcd.graphio", false]], "icedqcd.limits": [[3, "module-icedqcd.limits", false]], "icedqcd.optimize": [[3, "module-icedqcd.optimize", false]], "icefit.abcd": [[4, "module-icefit.abcd", false]], "icefit.commutator": [[4, "module-icefit.commutator", false]], "icefit.cortools": [[4, "module-icefit.cortools", false]], "icefit.dequantize": [[4, "module-icefit.dequantize", false]], "icefit.em": [[4, "module-icefit.em", false]], "icefit.icelimit": [[4, "module-icefit.icelimit", false]], "icefit.jacobian": [[4, "module-icefit.jacobian", false]], "icefit.lognormal": [[4, "module-icefit.lognormal", false]], "icefit.mantissa": [[4, "module-icefit.mantissa", false]], "icefit.mine": [[4, "module-icefit.mine", false]], "icefit.peakfit": [[4, "module-icefit.peakfit", false]], "icefit.score": [[4, "module-icefit.score", false]], "icefit.statstools": [[4, "module-icefit.statstools", false]], "icehgcal.common": [[5, "module-icehgcal.common", false]], "icehgcal.graphio": [[5, "module-icehgcal.graphio", false]], "icehgcal.preprocess": [[5, "module-icehgcal.preprocess", false]], "icehnl.common": [[6, "module-icehnl.common", false]], "iceid.common": [[7, "module-iceid.common", false]], "iceid.graphio": [[7, "module-iceid.graphio", false]], "icemap (class in icenet.tools.icemap)": [[9, "icenet.tools.icemap.icemap", false]], "icemc.icemc": [[8, "module-icemc.icemc", false]], "icenet.algo.analytic": [[9, "module-icenet.algo.analytic", false]], "icenet.algo.flr": [[9, "module-icenet.algo.flr", false]], "icenet.algo.nmf": [[9, "module-icenet.algo.nmf", false]], "icenet.deep.autogradxgb": [[9, "module-icenet.deep.autogradxgb", false]], "icenet.deep.bnaf": [[9, "module-icenet.deep.bnaf", false]], "icenet.deep.cnn": [[9, "module-icenet.deep.cnn", false]], "icenet.deep.da": [[9, "module-icenet.deep.da", false]], "icenet.deep.dbnf": [[9, "module-icenet.deep.dbnf", false]], "icenet.deep.deeptools": [[9, "module-icenet.deep.deeptools", false]], "icenet.deep.deps": [[9, "module-icenet.deep.deps", false]], "icenet.deep.dmlp": [[9, "module-icenet.deep.dmlp", false]], "icenet.deep.fastkan": [[9, "module-icenet.deep.fastkan", false]], "icenet.deep.gcnn": [[9, "module-icenet.deep.gcnn", false]], "icenet.deep.graph": [[9, "module-icenet.deep.graph", false]], "icenet.deep.iceboost": [[9, "module-icenet.deep.iceboost", false]], "icenet.deep.losstools": [[9, "module-icenet.deep.losstools", false]], "icenet.deep.lzmlp": [[9, "module-icenet.deep.lzmlp", false]], "icenet.deep.maxo": [[9, "module-icenet.deep.maxo", false]], "icenet.deep.mlgr": [[9, "module-icenet.deep.mlgr", false]], "icenet.deep.optimize": [[9, "module-icenet.deep.optimize", false]], "icenet.deep.pgraph": [[9, "module-icenet.deep.pgraph", false]], "icenet.deep.predict": [[9, "module-icenet.deep.predict", false]], "icenet.deep.tempscale": [[9, "module-icenet.deep.tempscale", false]], "icenet.deep.train": [[9, "module-icenet.deep.train", false]], "icenet.deep.vae": [[9, "module-icenet.deep.vae", false]], "icenet.optim.adam": [[9, "module-icenet.optim.adam", false]], "icenet.optim.adamax": [[9, "module-icenet.optim.adamax", false]], "icenet.optim.scheduler": [[9, "module-icenet.optim.scheduler", false]], "icenet.tools.aux": [[9, "module-icenet.tools.aux", false]], "icenet.tools.aux_torch": [[9, "module-icenet.tools.aux_torch", false]], "icenet.tools.icemap": [[9, "module-icenet.tools.icemap", false]], "icenet.tools.iceroot": [[9, "module-icenet.tools.iceroot", false]], "icenet.tools.icevec": [[9, "module-icenet.tools.icevec", false]], "icenet.tools.io": [[9, "module-icenet.tools.io", false]], "icenet.tools.plots": [[9, "module-icenet.tools.plots", false]], "icenet.tools.prints": [[9, "module-icenet.tools.prints", false]], "icenet.tools.process": [[9, "module-icenet.tools.process", false]], "icenet.tools.raytools": [[9, "module-icenet.tools.raytools", false]], "icenet.tools.reweight": [[9, "module-icenet.tools.reweight", false]], "icenet.tools.stx": [[9, "module-icenet.tools.stx", false]], "iceplot.iceplot": [[10, "module-iceplot.iceplot", false]], "icetrg.common": [[11, "module-icetrg.common", false]], "icexyw (class in icenet.tools.io)": [[9, "icenet.tools.io.IceXYW", false]], "icezee.common": [[12, "module-icezee.common", false]], "idqf() (in module icefit.dequantize)": [[4, "icefit.dequantize.iDQF", false]], "impute_data() (in module icenet.tools.io)": [[9, "icenet.tools.io.impute_data", false]], "impute_datasets() (in module icenet.tools.process)": [[9, "icenet.tools.process.impute_datasets", false]], "index_list() (in module icenet.tools.io)": [[9, "icenet.tools.io.index_list", false]], "index_of_first_signal() (in module icebrk.tools)": [[2, "icebrk.tools.index_of_first_signal", false]], "index_of_last_signal() (in module icebrk.tools)": [[2, "icebrk.tools.index_of_last_signal", false]], "inference() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.inference", false]], "init_() (superedgeconv method)": [[9, "icenet.deep.graph.SuperEdgeConv.init_", false]], "init_stat_objects() (in module icebrk.cutstats)": [[2, "icebrk.cutstats.init_stat_objects", false]], "initarrays() (in module icebrk.loop)": [[2, "icebrk.loop.initarrays", false]], "initialize() (in module icebrk.fasthistos)": [[2, "icebrk.fasthistos.initialize", false]], "initialize_parameters() (lipschitzlinear method)": [[9, "icenet.deep.lzmlp.LipschitzLinear.initialize_parameters", false]], "int2onehot() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.int2onehot", false]], "integral() (hobj method)": [[10, "iceplot.iceplot.hobj.integral", false]], "inverse_sigmoid() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.inverse_sigmoid", false]], "invmass() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.invmass", false]], "invmass_massless() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.invmass_massless", false]], "jagged2matrix() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.jagged2matrix", false]], "jagged2tensor() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.jagged2tensor", false]], "jagged_ak_to_numpy() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.jagged_ak_to_numpy", false]], "kl_div() (vae method)": [[9, "icenet.deep.vae.VAE.kl_div", false]], "ktmetric() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.ktmetric", false]], "l_q() (lqbernoulliwithlogitsloss method)": [[9, "icenet.deep.losstools.LqBernoulliWithLogitsLoss.L_q", false]], "limit_wrapper_dict() (in module icedqcd.limits)": [[3, "icedqcd.limits.limit_wrapper_dict", false]], "linearlayer (class in icenet.deep.dmlp)": [[9, "icenet.deep.dmlp.LinearLayer", false]], "lipschitzlinear (class in icenet.deep.lzmlp)": [[9, "icenet.deep.lzmlp.LipschitzLinear", false]], "ll_splusb() (in module icefit.icelimit)": [[4, "icefit.icelimit.LL_splusb", false]], "load_file_wrapper() (in module icenet.tools.process)": [[9, "icenet.tools.process.load_file_wrapper", false]], "load_helper() (in module icezee.common)": [[12, "icezee.common.load_helper", false]], "load_models() (in module icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.load_models", false]], "load_root_file() (in module icebrem.common)": [[1, "icebrem.common.load_root_file", false]], "load_root_file() (in module icedqcd.common)": [[3, "icedqcd.common.load_root_file", false]], "load_root_file() (in module icehgcal.common)": [[5, "icehgcal.common.load_root_file", false]], "load_root_file() (in module icehnl.common)": [[6, "icehnl.common.load_root_file", false]], "load_root_file() (in module iceid.common)": [[7, "iceid.common.load_root_file", false]], "load_root_file() (in module icetrg.common)": [[11, "icetrg.common.load_root_file", false]], "load_root_file() (in module icezee.common)": [[12, "icezee.common.load_root_file", false]], "load_torch_checkpoint() (in module icenet.tools.aux_torch)": [[9, "icenet.tools.aux_torch.load_torch_checkpoint", false]], "load_torch_model() (in module icenet.tools.aux_torch)": [[9, "icenet.tools.aux_torch.load_torch_model", false]], "load_tree() (in module icenet.tools.iceroot)": [[9, "icenet.tools.iceroot.load_tree", false]], "load_tree_stats() (in module icenet.tools.iceroot)": [[9, "icenet.tools.iceroot.load_tree_stats", false]], "log_pxz() (vae method)": [[9, "icenet.deep.vae.VAE.log_pxz", false]], "log_softmax() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.log_softmax", false]], "logit_l1_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.LOGIT_L1_loss", false]], "logit_l2_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.LOGIT_L2_loss", false]], "logitswithtemperature (class in icenet.deep.tempscale)": [[9, "icenet.deep.tempscale.LogitsWithTemperature", false]], "logl() (in module icefit.score)": [[4, "icefit.score.logL", false]], "lognormal_param() (in module icefit.lognormal)": [[4, "icefit.lognormal.lognormal_param", false]], "logsumexp() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.logsumexp", false]], "longvec2matrix() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.longvec2matrix", false]], "los2lol() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.los2lol", false]], "loss_kl_reco() (vae method)": [[9, "icenet.deep.vae.VAE.loss_kl_reco", false]], "loss_wrapper() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.loss_wrapper", false]], "lq_binary_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.Lq_binary_loss", false]], "lqbernoulliwithlogitsloss (class in icenet.deep.losstools)": [[9, "icenet.deep.losstools.LqBernoulliWithLogitsLoss", false]], "lzmlp (class in icenet.deep.lzmlp)": [[9, "icenet.deep.lzmlp.LZMLP", false]], "m (vec4 property)": [[9, "icenet.tools.icevec.vec4.m", false]], "m2 (vec4 property)": [[9, "icenet.tools.icevec.vec4.m2", false]], "mae_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.MAE_loss", false]], "main() (in module icefit.commutator)": [[4, "icefit.commutator.main", false]], "main() (in module icefit.dequantize)": [[4, "icefit.dequantize.main", false]], "main() (in module icefit.lognormal)": [[4, "icefit.lognormal.main", false]], "main() (in module icefit.mantissa)": [[4, "icefit.mantissa.main", false]], "make_hash_sha256_file() (in module icenet.tools.io)": [[9, "icenet.tools.io.make_hash_sha256_file", false]], "make_hash_sha256_object() (in module icenet.tools.io)": [[9, "icenet.tools.io.make_hash_sha256_object", false]], "make_hashable() (in module icenet.tools.io)": [[9, "icenet.tools.io.make_hashable", false]], "make_plots() (in module icenet.tools.process)": [[9, "icenet.tools.process.make_plots", false]], "makedir() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.makedir", false]], "map_xyw() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.map_xyw", false]], "maskedweight (class in icenet.deep.bnaf)": [[9, "icenet.deep.bnaf.MaskedWeight", false]], "maxout (class in icenet.deep.maxo)": [[9, "icenet.deep.maxo.MAXOUT", false]], "maxout() (cnn_maxo method)": [[9, "icenet.deep.cnn.CNN_MAXO.maxout", false]], "maxout() (maxout method)": [[9, "icenet.deep.maxo.MAXOUT.maxout", false]], "mc_extreme_multivariate_npdf() (in module icefit.statstools)": [[4, "icefit.statstools.mc_extreme_multivariate_npdf", false]], "mc_extreme_npdf() (in module icefit.statstools)": [[4, "icefit.statstools.mc_extreme_npdf", false]], "merge_connected() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.merge_connected", false]], "message() (panconv method)": [[9, "icenet.deep.pgraph.PANConv.message", false]], "message() (superedgeconv method)": [[9, "icenet.deep.graph.SuperEdgeConv.message", false]], "metric (class in icenet.tools.aux)": [[9, "icenet.tools.aux.Metric", false]], "mi_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.MI_loss", false]], "minenet (class in icefit.mine)": [[4, "icefit.mine.MINENet", false]], "mixture_nll() (in module icefit.em)": [[4, "icefit.em.mixture_nll", false]], "ml_nmf() (in module icenet.algo.nmf)": [[9, "icenet.algo.nmf.ML_nmf", false]], "ml_update_h() (in module icenet.algo.nmf)": [[9, "icenet.algo.nmf.ML_update_H", false]], "ml_update_w() (in module icenet.algo.nmf)": [[9, "icenet.algo.nmf.ML_update_W", false]], "mlgr (class in icenet.deep.mlgr)": [[9, "icenet.deep.mlgr.MLGR", false]], "mlp() (in module icenet.deep.dmlp)": [[9, "icenet.deep.dmlp.MLP", false]], "mlp_all_act() (in module icenet.deep.dmlp)": [[9, "icenet.deep.dmlp.MLP_ALL_ACT", false]], "model_to_cuda() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.model_to_cuda", false]], "modelwithtemperature (class in icenet.deep.tempscale)": [[9, "icenet.deep.tempscale.ModelWithTemperature", false]], "module": [[1, "module-icebrem.common", false], [2, "module-icebrk.PDG", false], [2, "module-icebrk.cutstats", false], [2, "module-icebrk.fasthistos", false], [2, "module-icebrk.features", false], [2, "module-icebrk.histos", false], [2, "module-icebrk.loop", false], [2, "module-icebrk.tools", false], [3, "module-icedqcd.common", false], [3, "module-icedqcd.deploy", false], [3, "module-icedqcd.graphio", false], [3, "module-icedqcd.limits", false], [3, "module-icedqcd.optimize", false], [4, "module-icefit.abcd", false], [4, "module-icefit.commutator", false], [4, "module-icefit.cortools", false], [4, "module-icefit.dequantize", false], [4, "module-icefit.em", false], [4, "module-icefit.icelimit", false], [4, "module-icefit.jacobian", false], [4, "module-icefit.lognormal", false], [4, "module-icefit.mantissa", false], [4, "module-icefit.mine", false], [4, "module-icefit.peakfit", false], [4, "module-icefit.score", false], [4, "module-icefit.statstools", false], [5, "module-icehgcal.common", false], [5, "module-icehgcal.graphio", false], [5, "module-icehgcal.preprocess", false], [6, "module-icehnl.common", false], [7, "module-iceid.common", false], [7, "module-iceid.graphio", false], [8, "module-icemc.icemc", false], [9, "module-icenet.algo.analytic", false], [9, "module-icenet.algo.flr", false], [9, "module-icenet.algo.nmf", false], [9, "module-icenet.deep.autogradxgb", false], [9, "module-icenet.deep.bnaf", false], [9, "module-icenet.deep.cnn", false], [9, "module-icenet.deep.da", false], [9, "module-icenet.deep.dbnf", false], [9, "module-icenet.deep.deeptools", false], [9, "module-icenet.deep.deps", false], [9, "module-icenet.deep.dmlp", false], [9, "module-icenet.deep.fastkan", false], [9, "module-icenet.deep.gcnn", false], [9, "module-icenet.deep.graph", false], [9, "module-icenet.deep.iceboost", false], [9, "module-icenet.deep.losstools", false], [9, "module-icenet.deep.lzmlp", false], [9, "module-icenet.deep.maxo", false], [9, "module-icenet.deep.mlgr", false], [9, "module-icenet.deep.optimize", false], [9, "module-icenet.deep.pgraph", false], [9, "module-icenet.deep.predict", false], [9, "module-icenet.deep.tempscale", false], [9, "module-icenet.deep.train", false], [9, "module-icenet.deep.vae", false], [9, "module-icenet.optim.adam", false], [9, "module-icenet.optim.adamax", false], [9, "module-icenet.optim.scheduler", false], [9, "module-icenet.tools.aux", false], [9, "module-icenet.tools.aux_torch", false], [9, "module-icenet.tools.icemap", false], [9, "module-icenet.tools.iceroot", false], [9, "module-icenet.tools.icevec", false], [9, "module-icenet.tools.io", false], [9, "module-icenet.tools.plots", false], [9, "module-icenet.tools.prints", false], [9, "module-icenet.tools.process", false], [9, "module-icenet.tools.raytools", false], [9, "module-icenet.tools.reweight", false], [9, "module-icenet.tools.stx", false], [10, "module-iceplot.iceplot", false], [11, "module-icetrg.common", false], [12, "module-icezee.common", false]], "mse_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.MSE_loss", false]], "mt (vec4 property)": [[9, "icenet.tools.icevec.vec4.mt", false]], "multiclass_cross_entropy_logprob() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.multiclass_cross_entropy_logprob", false]], "multiclass_focal_entropy_logprob() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.multiclass_focal_entropy_logprob", false]], "multiclass_logit_norm_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.multiclass_logit_norm_loss", false]], "multiclass_roc_auc_score() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.multiclass_roc_auc_score", false]], "multiply (class in icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.Multiply", false]], "multiprocess_airw_wrapper() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.multiprocess_AIRW_wrapper", false]], "multiprocess_plot_wrapper() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.multiprocess_plot_wrapper", false]], "mutual_information() (in module icefit.cortools)": [[4, "icefit.cortools.mutual_information", false]], "mva_plot() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.MVA_plot", false]], "nnconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.NNConv_", false]], "number_of_set_bits() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.number_of_set_bits", false]], "observed_fisher_info() (in module icefit.jacobian)": [[4, "icefit.jacobian.observed_fisher_info", false]], "optbins() (in module icefit.cortools)": [[4, "icefit.cortools.optbins", false]], "optbins2d() (in module icefit.cortools)": [[4, "icefit.cortools.optbins2d", false]], "optimize_selection() (in module icedqcd.optimize)": [[3, "icedqcd.optimize.optimize_selection", false]], "ordered_legend() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.ordered_legend", false]], "outer_sim_loop() (in module icemc.icemc)": [[8, "icemc.icemc.outer_sim_loop", false]], "outer_sim_loop_2() (in module icemc.icemc)": [[8, "icemc.icemc.outer_sim_loop_2", false]], "p2zscore() (in module icefit.statstools)": [[4, "icefit.statstools.p2zscore", false]], "p3 (vec4 property)": [[9, "icenet.tools.icevec.vec4.p3", false]], "p3mod (vec4 property)": [[9, "icenet.tools.icevec.vec4.p3mod", false]], "p3mod2 (vec4 property)": [[9, "icenet.tools.icevec.vec4.p3mod2", false]], "panconv (class in icenet.deep.pgraph)": [[9, "icenet.deep.pgraph.PANConv", false]], "panconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.PANConv_", false]], "pandropout (class in icenet.deep.pgraph)": [[9, "icenet.deep.pgraph.PANDropout", false]], "panentropy() (panconv method)": [[9, "icenet.deep.pgraph.PANConv.panentropy", false]], "panentropy_sparse() (panconv method)": [[9, "icenet.deep.pgraph.PANConv.panentropy_sparse", false]], "panentropy_sparse() (panxhmpooling method)": [[9, "icenet.deep.pgraph.PANXHMPooling.panentropy_sparse", false]], "panentropy_sparse() (panxumpooling method)": [[9, "icenet.deep.pgraph.PANXUMPooling.panentropy_sparse", false]], "panumpooling (class in icenet.deep.pgraph)": [[9, "icenet.deep.pgraph.PANUMPooling", false]], "panxhmpooling (class in icenet.deep.pgraph)": [[9, "icenet.deep.pgraph.PANXHMPooling", false]], "panxumpooling (class in icenet.deep.pgraph)": [[9, "icenet.deep.pgraph.PANXUMPooling", false]], "parse_boolean_exptree() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.parse_boolean_exptree", false]], "parse_graph_data() (in module icedqcd.graphio)": [[3, "icedqcd.graphio.parse_graph_data", false]], "parse_graph_data() (in module iceid.graphio)": [[7, "iceid.graphio.parse_graph_data", false]], "parse_graph_data_candidate() (in module icehgcal.graphio)": [[5, "icehgcal.graphio.parse_graph_data_candidate", false]], "parse_graph_data_trackster() (in module icehgcal.graphio)": [[5, "icehgcal.graphio.parse_graph_data_trackster", false]], "parse_tensor_data() (in module iceid.graphio)": [[7, "iceid.graphio.parse_tensor_data", false]], "pbar (progressbar attribute)": [[9, "icenet.tools.raytools.ProgressBar.pbar", false]], "pdf_1d_hist() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.pdf_1D_hist", false]], "pdf_2d_hist() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.pdf_2D_hist", false]], "pearson_corr() (in module icefit.cortools)": [[4, "icefit.cortools.pearson_corr", false]], "pen1_max (class in icenet.deep.deps)": [[9, "icenet.deep.deps.PEN1_max", false]], "pen1_mean (class in icenet.deep.deps)": [[9, "icenet.deep.deps.PEN1_mean", false]], "pen_max (class in icenet.deep.deps)": [[9, "icenet.deep.deps.PEN_max", false]], "pen_mean (class in icenet.deep.deps)": [[9, "icenet.deep.deps.PEN_mean", false]], "percentile_per_dim() (in module icefit.cortools)": [[4, "icefit.cortools.percentile_per_dim", false]], "permutation (class in icenet.deep.bnaf)": [[9, "icenet.deep.bnaf.Permutation", false]], "permute() (icexyw method)": [[9, "icenet.tools.io.IceXYW.permute", false]], "phi (vec4 property)": [[9, "icenet.tools.icevec.vec4.phi", false]], "phi_phasewrap() (in module icenet.algo.analytic)": [[9, "icenet.algo.analytic.phi_phasewrap", false]], "phi_pipi() (vec4 method)": [[9, "icenet.tools.icevec.vec4.phi_PIPI", false]], "pick_ind() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.pick_ind", false]], "pick_index() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.pick_index", false]], "pick_vars() (in module icenet.tools.io)": [[9, "icenet.tools.io.pick_vars", false]], "pickle_files() (in module icebrk.histos)": [[2, "icebrk.histos.pickle_files", false]], "plot_airw() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_AIRW", false]], "plot_auc_matrix() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_AUC_matrix", false]], "plot_brazil() (in module icedqcd.limits)": [[3, "icedqcd.limits.plot_brazil", false]], "plot_contour_grid() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_contour_grid", false]], "plot_correlation_comparison() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_correlation_comparison", false]], "plot_correlations() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_correlations", false]], "plot_horizontal_line() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.plot_horizontal_line", false]], "plot_matrix() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_matrix", false]], "plot_reweight_result() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_reweight_result", false]], "plot_roc_fit() (in module icedqcd.optimize)": [[3, "icedqcd.optimize.plot_ROC_fit", false]], "plot_selection() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_selection", false]], "plot_train_evolution_multi() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_train_evolution_multi", false]], "plot_xgb_importance() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plot_xgb_importance", false]], "plot_xyz_multiple_models() (in module icenet.tools.process)": [[9, "icenet.tools.process.plot_XYZ_multiple_models", false]], "plot_xyz_wrap() (in module icenet.tools.process)": [[9, "icenet.tools.process.plot_XYZ_wrap", false]], "plots() (in module icefit.mantissa)": [[4, "icefit.mantissa.plots", false]], "plotvar() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plotvar", false]], "plotvars() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.plotvars", false]], "poisson_ratio() (in module icefit.statstools)": [[4, "icefit.statstools.poisson_ratio", false]], "poisson_tail() (in module icefit.statstools)": [[4, "icefit.statstools.poisson_tail", false]], "poweranalysis() (in module icebrk.loop)": [[2, "icebrk.loop.poweranalysis", false]], "powerset_constructor() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.powerset_constructor", false]], "powerset_cutmask() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.powerset_cutmask", false]], "prc_ci() (in module icefit.cortools)": [[4, "icefit.cortools.prc_CI", false]], "pred_cut() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_cut", false]], "pred_cutset() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_cutset", false]], "pred_flow() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_flow", false]], "pred_flr() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_flr", false]], "pred_graph_xgb() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_graph_xgb", false]], "pred_torch_generic() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_torch_generic", false]], "pred_torch_graph() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_torch_graph", false]], "pred_torch_scalar() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_torch_scalar", false]], "pred_xgb() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_xgb", false]], "pred_xgb_logistic() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_xgb_logistic", false]], "pred_xgb_scalar() (in module icenet.deep.predict)": [[9, "icenet.deep.predict.pred_xgb_scalar", false]], "predict() (in module icenet.algo.flr)": [[9, "icenet.algo.flr.predict", false]], "predict() (in module icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.predict", false]], "print_colored_matrix() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.print_colored_matrix", false]], "print_exptree() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.print_exptree", false]], "print_flow() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.print_flow", false]], "print_mc_event() (in module icebrk.tools)": [[2, "icebrk.tools.print_MC_event", false]], "print_parallel_cutflow() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.print_parallel_cutflow", false]], "print_ram_usage() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.print_RAM_usage", false]], "print_stats() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.print_stats", false]], "print_until_done() (progressbar method)": [[9, "icenet.tools.raytools.ProgressBar.print_until_done", false]], "print_variables() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.print_variables", false]], "print_weights() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.print_weights", false]], "printbar() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.printbar", false]], "printbranch() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.printbranch", false]], "printloss() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.printloss", false]], "process() (in module icebrk.loop)": [[2, "icebrk.loop.process", false]], "process_batch() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.process_batch", false]], "process_data() (in module icedqcd.deploy)": [[3, "icedqcd.deploy.process_data", false]], "process_data() (in module icenet.tools.process)": [[9, "icenet.tools.process.process_data", false]], "process_memory_use() (in module icenet.tools.io)": [[9, "icenet.tools.io.process_memory_use", false]], "process_raw_data() (in module icenet.tools.process)": [[9, "icenet.tools.process.process_raw_data", false]], "process_regexp_ids() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.process_regexp_ids", false]], "process_root() (in module icebrem.common)": [[1, "icebrem.common.process_root", false]], "process_root() (in module icedqcd.common)": [[3, "icedqcd.common.process_root", false]], "process_root() (in module icehgcal.common)": [[5, "icehgcal.common.process_root", false]], "process_root() (in module icetrg.common)": [[11, "icetrg.common.process_root", false]], "process_tracklet_data() (in module icehgcal.common)": [[5, "icehgcal.common.process_tracklet_data", false]], "prod_eprop() (in module icefit.statstools)": [[4, "icefit.statstools.prod_eprop", false]], "produce_acceptance_sim() (in module icemc.icemc)": [[8, "icemc.icemc.produce_acceptance_sim", false]], "progress_actor (progressbar attribute)": [[9, "icenet.tools.raytools.ProgressBar.progress_actor", false]], "progressbar (class in icenet.tools.raytools)": [[9, "icenet.tools.raytools.ProgressBar", false]], "pt (vec4 property)": [[9, "icenet.tools.icevec.vec4.pt", false]], "pt2 (vec4 property)": [[9, "icenet.tools.icevec.vec4.pt2", false]], "px (vec4 property)": [[9, "icenet.tools.icevec.vec4.px", false]], "py (vec4 property)": [[9, "icenet.tools.icevec.vec4.py", false]], "pz (vec4 property)": [[9, "icenet.tools.icevec.vec4.pz", false]], "q_exp() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.q_exp", false]], "q_log() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.q_log", false]], "radialbasisfunction (class in icenet.deep.fastkan)": [[9, "icenet.deep.fastkan.RadialBasisFunction", false]], "rand_lognormal() (in module icefit.lognormal)": [[4, "icefit.lognormal.rand_lognormal", false]], "rand_powexp() (in module icefit.lognormal)": [[4, "icefit.lognormal.rand_powexp", false]], "randexp() (in module icemc.icemc)": [[8, "icemc.icemc.randexp", false]], "randpow() (in module icemc.icemc)": [[8, "icemc.icemc.randpow", false]], "rapidity (vec4 property)": [[9, "icenet.tools.icevec.vec4.rapidity", false]], "ratio_eprop() (in module icefit.statstools)": [[4, "icefit.statstools.ratio_eprop", false]], "ratioerr() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.ratioerr", false]], "raytune_main() (in module icenet.deep.train)": [[9, "icenet.deep.train.raytune_main", false]], "read_cli() (in module icenet.tools.process)": [[9, "icenet.tools.process.read_cli", false]], "read_config() (in module icenet.tools.process)": [[9, "icenet.tools.process.read_config", false]], "read_data_tracklet() (in module icehgcal.common)": [[5, "icehgcal.common.read_data_tracklet", false]], "read_multiple() (in module icenet.tools.iceroot)": [[9, "icenet.tools.iceroot.read_multiple", false]], "read_single() (in module icenet.tools.iceroot)": [[9, "icenet.tools.iceroot.read_single", false]], "recursive_concatenate() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.recursive_concatenate", false]], "red() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.red", false]], "reduce_mantissa_bits() (in module icefit.mantissa)": [[4, "icefit.mantissa.reduce_mantissa_bits", false]], "reduce_mantissa_digits() (in module icefit.mantissa)": [[4, "icefit.mantissa.reduce_mantissa_digits", false]], "reducelronplateau (class in icenet.optim.scheduler)": [[9, "icenet.optim.scheduler.ReduceLROnPlateau", false]], "replace_param() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.replace_param", false]], "reset() (fastarray1 method)": [[9, "icenet.tools.io.fastarray1.reset", false]], "reset_param() (gcn_layer method)": [[9, "icenet.deep.gcnn.GCN_layer.reset_param", false]], "reset_parameters() (splinelinear method)": [[9, "icenet.deep.fastkan.SplineLinear.reset_parameters", false]], "reset_parameters() (superedgeconv method)": [[9, "icenet.deep.graph.SuperEdgeConv.reset_parameters", false]], "resonance_generator() (in module icemc.icemc)": [[8, "icemc.icemc.resonance_generator", false]], "reweightcoeff1d() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.reweightcoeff1D", false]], "reweightcoeff2d() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.reweightcoeff2D", false]], "roc_plot() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.ROC_plot", false]], "rootsafe() (in module icenet.tools.io)": [[9, "icenet.tools.io.rootsafe", false]], "rotateso3() (vec4 method)": [[9, "icenet.tools.icevec.vec4.rotateSO3", false]], "rotatex() (vec4 method)": [[9, "icenet.tools.icevec.vec4.rotateX", false]], "rotatey() (vec4 method)": [[9, "icenet.tools.icevec.vec4.rotateY", false]], "rotatez() (vec4 method)": [[9, "icenet.tools.icevec.vec4.rotateZ", false]], "round_sig() (in module icefit.mantissa)": [[4, "icefit.mantissa.round_sig", false]], "run_jpsi_peakfit() (in module icefit.peakfit)": [[4, "icefit.peakfit.run_jpsi_peakfit", false]], "run_jpsi_tagprobe() (in module icefit.peakfit)": [[4, "icefit.peakfit.run_jpsi_tagprobe", false]], "run_limits_vector() (in module icedqcd.limits)": [[3, "icedqcd.limits.run_limits_vector", false]], "rw_transform() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.rw_transform", false]], "rw_transform_with_logits() (in module icenet.tools.reweight)": [[9, "icenet.tools.reweight.rw_transform_with_logits", false]], "safetxt() (in module icenet.tools.io)": [[9, "icenet.tools.io.safetxt", false]], "sageconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.SAGEConv_", false]], "sample_batch() (in module icefit.mine)": [[4, "icefit.mine.sample_batch", false]], "save_torch_model() (in module icenet.tools.aux_torch)": [[9, "icenet.tools.aux_torch.save_torch_model", false]], "scale() (vec4 method)": [[9, "icenet.tools.icevec.vec4.scale", false]], "scott_bin() (in module icefit.cortools)": [[4, "icefit.cortools.scott_bin", false]], "selection_a() (in module icefit.commutator)": [[4, "icefit.commutator.selection_A", false]], "selection_b() (in module icefit.commutator)": [[4, "icefit.commutator.selection_B", false]], "sequential (class in icenet.deep.bnaf)": [[9, "icenet.deep.bnaf.Sequential", false]], "set_arr_format() (in module icenet.tools.prints)": [[9, "icenet.tools.prints.set_arr_format", false]], "set_aspect_true_equal() (in module icemc.icemc)": [[8, "icemc.icemc.set_aspect_true_equal", false]], "set_axis_ticks() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.set_axis_ticks", false]], "set_constructor() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.set_constructor", false]], "set_global_style() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.set_global_style", false]], "set_random_seed() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.set_random_seed", false]], "set_scheduler() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.set_scheduler", false]], "sete() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setE", false]], "setmagthetaphi() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setMagThetaPhi", false]], "setp3() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setP3", false]], "setpt2rapphim2() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setPt2RapPhiM2", false]], "setptetaphi() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setPtEtaPhi", false]], "setptetaphim() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setPtEtaPhiM", false]], "setpxpypze() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setPxPyPzE", false]], "setx() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setX", false]], "setxyz() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setXYZ", false]], "setxyzm() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setXYZM", false]], "setxyzt() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setXYZT", false]], "sety() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setY", false]], "setz() (vec4 method)": [[9, "icenet.tools.icevec.vec4.setZ", false]], "sgconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.SGConv_", false]], "showmem() (in module icenet.tools.io)": [[9, "icenet.tools.io.showmem", false]], "showmem_cuda() (in module icenet.tools.io)": [[9, "icenet.tools.io.showmem_cuda", false]], "sigmoid() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.sigmoid", false]], "sigmoid_schedule() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.sigmoid_schedule", false]], "slice_range() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.slice_range", false]], "softpredict() (cnn method)": [[9, "icenet.deep.cnn.CNN.softpredict", false]], "softpredict() (cnn_maxo method)": [[9, "icenet.deep.cnn.CNN_MAXO.softpredict", false]], "softpredict() (deps method)": [[9, "icenet.deep.deps.DEPS.softpredict", false]], "softpredict() (dmlp method)": [[9, "icenet.deep.dmlp.DMLP.softpredict", false]], "softpredict() (fastkan method)": [[9, "icenet.deep.fastkan.FastKAN.softpredict", false]], "softpredict() (gcn method)": [[9, "icenet.deep.gcnn.GCN.softpredict", false]], "softpredict() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.softpredict", false]], "softpredict() (lzmlp method)": [[9, "icenet.deep.lzmlp.LZMLP.softpredict", false]], "softpredict() (maxout method)": [[9, "icenet.deep.maxo.MAXOUT.softpredict", false]], "softpredict() (mlgr method)": [[9, "icenet.deep.mlgr.MLGR.softpredict", false]], "softpredict() (vae method)": [[9, "icenet.deep.vae.VAE.softpredict", false]], "sort_fpr_tpr() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.sort_fpr_tpr", false]], "spherical_acceptance() (in module icemc.icemc)": [[8, "icemc.icemc.spherical_acceptance", false]], "splineconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.SplineConv_", false]], "splinelinear (class in icenet.deep.fastkan)": [[9, "icenet.deep.fastkan.SplineLinear", false]], "split() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.split", false]], "split_data() (in module icenet.tools.io)": [[9, "icenet.tools.io.split_data", false]], "split_data_simple() (in module icenet.tools.io)": [[9, "icenet.tools.io.split_data_simple", false]], "split_size() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.split_size", false]], "split_start_end() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.split_start_end", false]], "splitfactor() (in module icebrem.common)": [[1, "icebrem.common.splitfactor", false]], "splitfactor() (in module icedqcd.common)": [[3, "icedqcd.common.splitfactor", false]], "splitfactor() (in module icehgcal.common)": [[5, "icehgcal.common.splitfactor", false]], "splitfactor() (in module icehnl.common)": [[6, "icehnl.common.splitfactor", false]], "splitfactor() (in module iceid.common)": [[7, "iceid.common.splitfactor", false]], "splitfactor() (in module icetrg.common)": [[11, "icetrg.common.splitfactor", false]], "splitfactor() (in module icezee.common)": [[12, "icezee.common.splitfactor", false]], "step() (adam method)": [[9, "icenet.optim.adam.Adam.step", false]], "step() (adamax method)": [[9, "icenet.optim.adamax.Adamax.step", false]], "step() (reducelronplateau method)": [[9, "icenet.optim.scheduler.ReduceLROnPlateau.step", false]], "stepspace() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.stepspace", false]], "substitute() (adam method)": [[9, "icenet.optim.adam.Adam.substitute", false]], "substitute() (adamax method)": [[9, "icenet.optim.adamax.Adamax.substitute", false]], "superedgeconv (class in icenet.deep.graph)": [[9, "icenet.deep.graph.SuperEdgeConv", false]], "superedgeconv_() (gnngeneric method)": [[9, "icenet.deep.graph.GNNGeneric.SuperEdgeConv_", false]], "superplot() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.superplot", false]], "swap() (adam method)": [[9, "icenet.optim.adam.Adam.swap", false]], "swap() (adamax method)": [[9, "icenet.optim.adamax.Adamax.swap", false]], "swd_reweight_loss() (in module icenet.deep.losstools)": [[9, "icenet.deep.losstools.SWD_reweight_loss", false]], "t (vec4 property)": [[9, "icenet.tools.icevec.vec4.t", false]], "table_writer() (in module icenet.tools.plots)": [[9, "icenet.tools.plots.table_writer", false]], "tanh (class in icenet.deep.bnaf)": [[9, "icenet.deep.bnaf.Tanh", false]], "tau2gamma() (in module icemc.icemc)": [[8, "icemc.icemc.tau2Gamma", false]], "temperature_scale() (logitswithtemperature method)": [[9, "icenet.deep.tempscale.LogitsWithTemperature.temperature_scale", false]], "temperature_scale() (modelwithtemperature method)": [[9, "icenet.deep.tempscale.ModelWithTemperature.temperature_scale", false]], "test() (in module icemc.icemc)": [[8, "icemc.icemc.test", false]], "test() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.test", false]], "test_abcd() (in module icefit.abcd)": [[4, "icefit.abcd.test_abcd", false]], "test_accuracy() (in module icefit.lognormal)": [[4, "icefit.lognormal.test_accuracy", false]], "test_constant() (in module icefit.cortools)": [[4, "icefit.cortools.test_constant", false]], "test_dimension_interfaces() (in module icefit.jacobian)": [[4, "icefit.jacobian.test_dimension_interfaces", false]], "test_efficiency_ratio() (in module icefit.statstools)": [[4, "icefit.statstools.test_efficiency_ratio", false]], "test_em() (in module icefit.em)": [[4, "icefit.em.test_EM", false]], "test_extreme_npdf() (in module icefit.statstools)": [[4, "icefit.statstools.test_extreme_npdf", false]], "test_gaussian() (in module icefit.cortools)": [[4, "icefit.cortools.test_gaussian", false]], "test_hessians() (in module icefit.jacobian)": [[4, "icefit.jacobian.test_hessians", false]], "test_icecube_concat() (in module icenet.tools.icemap)": [[9, "icenet.tools.icemap.test_icecube_concat", false]], "test_icecube_indexing() (in module icenet.tools.icemap)": [[9, "icenet.tools.icemap.test_icecube_indexing", false]], "test_iceplot() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.test_iceplot", false]], "test_jacobians() (in module icefit.jacobian)": [[4, "icefit.jacobian.test_jacobians", false]], "test_limits_unit_test() (in module icefit.icelimit)": [[4, "icefit.icelimit.test_limits_unit_test", false]], "test_lognormal() (in module icefit.lognormal)": [[4, "icefit.lognormal.test_lognormal", false]], "test_powerset() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.test_powerset", false]], "test_ratios() (in module icefit.statstools)": [[4, "icefit.statstools.test_ratios", false]], "test_syntax_tree_flip() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.test_syntax_tree_flip", false]], "test_syntax_tree_parsing() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.test_syntax_tree_parsing", false]], "test_syntax_tree_simple() (in module icenet.tools.stx)": [[9, "icenet.tools.stx.test_syntax_tree_simple", false]], "test_toy_pt_spectrum() (in module icemc.icemc)": [[8, "icemc.icemc.test_toy_pt_spectrum", false]], "theta (vec4 property)": [[9, "icenet.tools.icevec.vec4.theta", false]], "tick_calc() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.tick_calc", false]], "tick_creator() (in module iceplot.iceplot)": [[10, "iceplot.iceplot.tick_creator", false]], "to_device() (vae method)": [[9, "icenet.deep.vae.VAE.to_device", false]], "to_device() (variationalencoder method)": [[9, "icenet.deep.vae.VariationalEncoder.to_device", false]], "to_edges() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.to_edges", false]], "to_graph() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.to_graph", false]], "topk() (panumpooling method)": [[9, "icenet.deep.pgraph.PANUMPooling.topk", false]], "topk() (panxhmpooling method)": [[9, "icenet.deep.pgraph.PANXHMPooling.topk", false]], "topk() (panxumpooling method)": [[9, "icenet.deep.pgraph.PANXUMPooling.topk", false]], "torch_construct() (in module icenet.deep.train)": [[9, "icenet.deep.train.torch_construct", false]], "torch_conversion() (xgboostobjective method)": [[9, "icenet.deep.autogradxgb.XgboostObjective.torch_conversion", false]], "torch_cuda_total_memory() (in module icenet.tools.io)": [[9, "icenet.tools.io.torch_cuda_total_memory", false]], "torch_loop() (in module icenet.deep.train)": [[9, "icenet.deep.train.torch_loop", false]], "total (progressbar attribute)": [[9, "icenet.tools.raytools.ProgressBar.total", false]], "tpratio_taylor() (in module icefit.statstools)": [[4, "icefit.statstools.tpratio_taylor", false]], "trackloss() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.trackloss", false]], "train() (in module icenet.algo.flr)": [[9, "icenet.algo.flr.train", false]], "train() (in module icenet.deep.dbnf)": [[9, "icenet.deep.dbnf.train", false]], "train() (in module icenet.deep.optimize)": [[9, "icenet.deep.optimize.train", false]], "train_cutset() (in module icenet.deep.train)": [[9, "icenet.deep.train.train_cutset", false]], "train_eval_data_processor() (in module icenet.tools.process)": [[9, "icenet.tools.process.train_eval_data_processor", false]], "train_flow() (in module icenet.deep.train)": [[9, "icenet.deep.train.train_flow", false]], "train_flr() (in module icenet.deep.train)": [[9, "icenet.deep.train.train_flr", false]], "train_graph_xgb() (in module icenet.deep.train)": [[9, "icenet.deep.train.train_graph_xgb", false]], "train_loop() (in module icefit.mine)": [[4, "icefit.mine.train_loop", false]], "train_models() (in module icenet.tools.process)": [[9, "icenet.tools.process.train_models", false]], "train_torch_generic() (in module icenet.deep.train)": [[9, "icenet.deep.train.train_torch_generic", false]], "train_torch_graph() (in module icenet.deep.train)": [[9, "icenet.deep.train.train_torch_graph", false]], "train_xgb() (in module icenet.deep.iceboost)": [[9, "icenet.deep.iceboost.train_xgb", false]], "tree_node (class in icenet.tools.stx)": [[9, "icenet.tools.stx.tree_node", false]], "triplet_cuts() (in module icebrk.cutstats)": [[2, "icebrk.cutstats.triplet_cuts", false]], "truncate() (in module icezee.common)": [[12, "icezee.common.truncate", false]], "twobody() (in module icemc.icemc)": [[8, "icemc.icemc.twobody", false]], "u() (in module icefit.dequantize)": [[4, "icefit.dequantize.U", false]], "u() (in module icemc.icemc)": [[8, "icemc.icemc.U", false]], "unmask() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.unmask", false]], "unroll_ak_fields() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.unroll_ak_fields", false]], "update() (fastarray1 method)": [[9, "icenet.tools.io.fastarray1.update", false]], "update() (panconv method)": [[9, "icenet.deep.pgraph.PANConv.update", false]], "vae (class in icenet.deep.vae)": [[9, "icenet.deep.vae.VAE", false]], "values() (fastarray1 method)": [[9, "icenet.tools.io.fastarray1.values", false]], "variationalencoder (class in icenet.deep.vae)": [[9, "icenet.deep.vae.VariationalEncoder", false]], "vec4 (class in icenet.tools.icevec)": [[9, "icenet.tools.icevec.vec4", false]], "weight2onehot() (in module icenet.tools.aux_torch)": [[9, "icenet.tools.aux_torch.weight2onehot", false]], "weighted_avg_and_std() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.weighted_avg_and_std", false]], "weighted_binomial_err() (in module icefit.statstools)": [[4, "icefit.statstools.weighted_binomial_err", false]], "weights_init_all() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.weights_init_all", false]], "weights_init_normal() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.weights_init_normal", false]], "weights_init_uniform_rule() (in module icenet.deep.deeptools)": [[9, "icenet.deep.deeptools.weights_init_uniform_rule", false]], "welch_ttest() (in module icefit.statstools)": [[4, "icefit.statstools.welch_ttest", false]], "x (vec4 property)": [[9, "icenet.tools.icevec.vec4.x", false]], "x2ind() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.x2ind", false]], "xgboostobjective (class in icenet.deep.autogradxgb)": [[9, "icenet.deep.autogradxgb.XgboostObjective", false]], "y (vec4 property)": [[9, "icenet.tools.icevec.vec4.y", false]], "yaml_dump() (in module icenet.tools.aux)": [[9, "icenet.tools.aux.yaml_dump", false]], "z (vec4 property)": [[9, "icenet.tools.icevec.vec4.z", false]], "zscore_normalization() (in module icedqcd.deploy)": [[3, "icedqcd.deploy.zscore_normalization", false]]}, "objects": {"icebrem": [[1, 0, 0, "-", "common"]], "icebrem.common": [[1, 1, 1, "", "load_root_file"], [1, 1, 1, "", "process_root"], [1, 1, 1, "", "splitfactor"]], "icebrk": [[2, 0, 0, "-", "PDG"], [2, 0, 0, "-", "cutstats"], [2, 0, 0, "-", "fasthistos"], [2, 0, 0, "-", "features"], [2, 0, 0, "-", "histos"], [2, 0, 0, "-", "loop"], [2, 0, 0, "-", "tools"]], "icebrk.cutstats": [[2, 1, 1, "", "apply_cuts"], [2, 1, 1, "", "collect_info_stats"], [2, 1, 1, "", "collect_mcinfo_stats"], [2, 1, 1, "", "init_stat_objects"], [2, 1, 1, "", "triplet_cuts"]], "icebrk.fasthistos": [[2, 1, 1, "", "initialize"]], "icebrk.features": [[2, 1, 1, "", "construct_new_branches"], [2, 1, 1, "", "generate_feature_names"], [2, 1, 1, "", "getdimension"]], "icebrk.histos": [[2, 1, 1, "", "calc_MC_observables"], [2, 1, 1, "", "calc_batch_MC_observables"], [2, 1, 1, "", "calc_batch_observables"], [2, 1, 1, "", "calc_observables"], [2, 1, 1, "", "pickle_files"]], "icebrk.loop": [[2, 1, 1, "", "hdf5_append"], [2, 1, 1, "", "hdf5_write_handles"], [2, 1, 1, "", "hist_flush"], [2, 1, 1, "", "initarrays"], [2, 1, 1, "", "poweranalysis"], [2, 1, 1, "", "process"]], "icebrk.tools": [[2, 1, 1, "", "construct_MC_tree"], [2, 1, 1, "", "construct_MC_truth"], [2, 1, 1, "", "construct_input_vec"], [2, 1, 1, "", "construct_kinematics"], [2, 1, 1, "", "construct_output_vec"], [2, 1, 1, "", "deltar_3"], [2, 1, 1, "", "find_connected_triplets"], [2, 1, 1, "", "get_first_indices"], [2, 1, 1, "", "index_of_first_signal"], [2, 1, 1, "", "index_of_last_signal"], [2, 1, 1, "", "print_MC_event"]], "icedqcd": [[3, 0, 0, "-", "common"], [3, 0, 0, "-", "deploy"], [3, 0, 0, "-", "graphio"], [3, 0, 0, "-", "limits"], [3, 0, 0, "-", "optimize"]], "icedqcd.common": [[3, 1, 1, "", "load_root_file"], [3, 1, 1, "", "process_root"], [3, 1, 1, "", "splitfactor"]], "icedqcd.deploy": [[3, 1, 1, "", "create_ID_label"], [3, 1, 1, "", "f2s"], [3, 1, 1, "", "generate_cartesian_param"], [3, 1, 1, "", "get_predictor"], [3, 1, 1, "", "process_data"], [3, 1, 1, "", "zscore_normalization"]], "icedqcd.graphio": [[3, 1, 1, "", "parse_graph_data"]], "icedqcd.limits": [[3, 1, 1, "", "create_limit_plots_vector"], [3, 1, 1, "", "create_limit_tables"], [3, 1, 1, "", "find_limits"], [3, 1, 1, "", "limit_wrapper_dict"], [3, 1, 1, "", "plot_brazil"], [3, 1, 1, "", "run_limits_vector"]], "icedqcd.optimize": [[3, 1, 1, "", "find_filter"], [3, 1, 1, "", "func_binormal"], [3, 1, 1, "", "func_binormal2"], [3, 1, 1, "", "optimize_selection"], [3, 1, 1, "", "plot_ROC_fit"]], "icefit": [[4, 0, 0, "-", "abcd"], [4, 0, 0, "-", "commutator"], [4, 0, 0, "-", "cortools"], [4, 0, 0, "-", "dequantize"], [4, 0, 0, "-", "em"], [4, 0, 0, "-", "icelimit"], [4, 0, 0, "-", "jacobian"], [4, 0, 0, "-", "lognormal"], [4, 0, 0, "-", "mantissa"], [4, 0, 0, "-", "mine"], [4, 0, 0, "-", "peakfit"], [4, 0, 0, "-", "score"], [4, 0, 0, "-", "statstools"]], "icefit.abcd": [[4, 1, 1, "", "ABCD_2NLL"], [4, 1, 1, "", "ABCD_eq"], [4, 1, 1, "", "ABCD_err"], [4, 1, 1, "", "test_abcd"]], "icefit.commutator": [[4, 1, 1, "", "crv"], [4, 1, 1, "", "main"], [4, 1, 1, "", "selection_A"], [4, 1, 1, "", "selection_B"]], "icefit.cortools": [[4, 1, 1, "", "H_score"], [4, 1, 1, "", "I_score"], [4, 1, 1, "", "bw2bins"], [4, 1, 1, "", "corrcoeff_weighted_torch"], [4, 1, 1, "", "distance_corr"], [4, 1, 1, "", "distance_corr_torch"], [4, 1, 1, "", "freedman_diaconis_bin"], [4, 1, 1, "", "gaussian_mutual_information"], [4, 1, 1, "", "hacine_entropy_bin"], [4, 1, 1, "", "hacine_joint_entropy_bin"], [4, 1, 1, "", "mutual_information"], [4, 1, 1, "", "optbins"], [4, 1, 1, "", "optbins2d"], [4, 1, 1, "", "pearson_corr"], [4, 1, 1, "", "percentile_per_dim"], [4, 1, 1, "", "prc_CI"], [4, 1, 1, "", "scott_bin"], [4, 1, 1, "", "test_constant"], [4, 1, 1, "", "test_gaussian"]], "icefit.dequantize": [[4, 1, 1, "", "U"], [4, 1, 1, "", "compute_ind"], [4, 1, 1, "", "construct_icdf"], [4, 1, 1, "", "fast_loop"], [4, 1, 1, "", "iDQF"], [4, 1, 1, "", "main"]], "icefit.em": [[4, 1, 1, "", "EM_frac"], [4, 1, 1, "", "gausspdf"], [4, 1, 1, "", "mixture_nll"], [4, 1, 1, "", "test_EM"]], "icefit.icelimit": [[4, 1, 1, "", "CL_single"], [4, 1, 1, "", "CL_single_asymptotic"], [4, 1, 1, "", "CL_single_compute"], [4, 1, 1, "", "LL_splusb"], [4, 1, 1, "", "asymptotic_uncertainty_CLs"], [4, 1, 1, "", "convolve_systematics"], [4, 1, 1, "", "test_limits_unit_test"]], "icefit.jacobian": [[4, 1, 1, "", "get_full_hessian"], [4, 1, 1, "", "get_gradient"], [4, 1, 1, "", "get_jacobian"], [4, 1, 1, "", "observed_fisher_info"], [4, 1, 1, "", "test_dimension_interfaces"], [4, 1, 1, "", "test_hessians"], [4, 1, 1, "", "test_jacobians"]], "icefit.lognormal": [[4, 1, 1, "", "create_label"], [4, 1, 1, "", "lognormal_param"], [4, 1, 1, "", "main"], [4, 1, 1, "", "rand_lognormal"], [4, 1, 1, "", "rand_powexp"], [4, 1, 1, "", "test_accuracy"], [4, 1, 1, "", "test_lognormal"]], "icefit.mantissa": [[4, 1, 1, "", "bits2digits"], [4, 1, 1, "", "digits2bits"], [4, 1, 1, "", "main"], [4, 1, 1, "", "plots"], [4, 1, 1, "", "reduce_mantissa_bits"], [4, 1, 1, "", "reduce_mantissa_digits"], [4, 1, 1, "", "round_sig"]], "icefit.mine": [[4, 2, 1, "", "MINENet"], [4, 1, 1, "", "apply_mine"], [4, 1, 1, "", "apply_mine_batched"], [4, 1, 1, "", "compute_mine"], [4, 1, 1, "", "estimate"], [4, 1, 1, "", "sample_batch"], [4, 1, 1, "", "train_loop"]], "icefit.mine.MINENet": [[4, 3, 1, "", "forward"]], "icefit.peakfit": [[4, 1, 1, "", "fit_and_analyze"], [4, 1, 1, "", "fit_task"], [4, 1, 1, "", "fit_task_multi"], [4, 1, 1, "", "get_rootfiles_jpsi"], [4, 1, 1, "", "group_systematics"], [4, 1, 1, "", "run_jpsi_peakfit"], [4, 1, 1, "", "run_jpsi_tagprobe"]], "icefit.score": [[4, 1, 1, "", "logL"]], "icefit.statstools": [[4, 1, 1, "", "ADS"], [4, 1, 1, "", "analytical_extreme_npdf"], [4, 1, 1, "", "clopper_pearson_err"], [4, 1, 1, "", "columnar_mask_efficiency"], [4, 1, 1, "", "cormat2covmat"], [4, 1, 1, "", "correlation_matrix"], [4, 1, 1, "", "covmat2corrmat"], [4, 1, 1, "", "error_on_mu"], [4, 1, 1, "", "error_on_std"], [4, 1, 1, "", "geom_mean_2D"], [4, 1, 1, "", "mc_extreme_multivariate_npdf"], [4, 1, 1, "", "mc_extreme_npdf"], [4, 1, 1, "", "p2zscore"], [4, 1, 1, "", "poisson_ratio"], [4, 1, 1, "", "poisson_tail"], [4, 1, 1, "", "prod_eprop"], [4, 1, 1, "", "ratio_eprop"], [4, 1, 1, "", "test_efficiency_ratio"], [4, 1, 1, "", "test_extreme_npdf"], [4, 1, 1, "", "test_ratios"], [4, 1, 1, "", "tpratio_taylor"], [4, 1, 1, "", "weighted_binomial_err"], [4, 1, 1, "", "welch_ttest"]], "icehgcal": [[5, 0, 0, "-", "common"], [5, 0, 0, "-", "graphio"], [5, 0, 0, "-", "preprocess"]], "icehgcal.common": [[5, 1, 1, "", "load_root_file"], [5, 1, 1, "", "process_root"], [5, 1, 1, "", "process_tracklet_data"], [5, 1, 1, "", "read_data_tracklet"], [5, 1, 1, "", "splitfactor"]], "icehgcal.graphio": [[5, 1, 1, "", "compute_edge_attr"], [5, 1, 1, "", "get_node_features"], [5, 1, 1, "", "parse_graph_data_candidate"], [5, 1, 1, "", "parse_graph_data_trackster"]], "icehgcal.preprocess": [[5, 1, 1, "", "compute_edges"], [5, 1, 1, "", "create_trackster_data"], [5, 1, 1, "", "event_loop"]], "icehnl": [[6, 0, 0, "-", "common"]], "icehnl.common": [[6, 1, 1, "", "load_root_file"], [6, 1, 1, "", "splitfactor"]], "iceid": [[7, 0, 0, "-", "common"], [7, 0, 0, "-", "graphio"]], "iceid.common": [[7, 1, 1, "", "load_root_file"], [7, 1, 1, "", "splitfactor"]], "iceid.graphio": [[7, 1, 1, "", "get_node_features"], [7, 1, 1, "", "parse_graph_data"], [7, 1, 1, "", "parse_tensor_data"]], "icemc": [[8, 0, 0, "-", "icemc"]], "icemc.icemc": [[8, 1, 1, "", "Gamma2tau"], [8, 1, 1, "", "U"], [8, 1, 1, "", "annotate_heatmap"], [8, 1, 1, "", "outer_sim_loop"], [8, 1, 1, "", "outer_sim_loop_2"], [8, 1, 1, "", "produce_acceptance_sim"], [8, 1, 1, "", "randexp"], [8, 1, 1, "", "randpow"], [8, 1, 1, "", "resonance_generator"], [8, 1, 1, "", "set_aspect_true_equal"], [8, 1, 1, "", "spherical_acceptance"], [8, 1, 1, "", "tau2Gamma"], [8, 1, 1, "", "test"], [8, 1, 1, "", "test_toy_pt_spectrum"], [8, 1, 1, "", "twobody"]], "icenet.algo": [[9, 0, 0, "-", "analytic"], [9, 0, 0, "-", "flr"], [9, 0, 0, "-", "nmf"]], "icenet.algo.analytic": [[9, 1, 1, "", "count_simple_edges"], [9, 1, 1, "", "deltaR"], [9, 1, 1, "", "fox_wolfram_boost_inv"], [9, 1, 1, "", "get_Lorentz_edge_features"], [9, 1, 1, "", "get_simple_edge_index"], [9, 1, 1, "", "gram_matrix"], [9, 1, 1, "", "invmass"], [9, 1, 1, "", "invmass_massless"], [9, 1, 1, "", "ktmetric"], [9, 1, 1, "", "phi_phasewrap"]], "icenet.algo.flr": [[9, 1, 1, "", "predict"], [9, 1, 1, "", "train"]], "icenet.algo.nmf": [[9, 1, 1, "", "ML_nmf"], [9, 1, 1, "", "ML_update_H"], [9, 1, 1, "", "ML_update_W"]], "icenet.deep": [[9, 0, 0, "-", "autogradxgb"], [9, 0, 0, "-", "bnaf"], [9, 0, 0, "-", "cnn"], [9, 0, 0, "-", "da"], [9, 0, 0, "-", "dbnf"], [9, 0, 0, "-", "deeptools"], [9, 0, 0, "-", "deps"], [9, 0, 0, "-", "dmlp"], [9, 0, 0, "-", "fastkan"], [9, 0, 0, "-", "gcnn"], [9, 0, 0, "-", "graph"], [9, 0, 0, "-", "iceboost"], [9, 0, 0, "-", "losstools"], [9, 0, 0, "-", "lzmlp"], [9, 0, 0, "-", "maxo"], [9, 0, 0, "-", "mlgr"], [9, 0, 0, "-", "optimize"], [9, 0, 0, "-", "pgraph"], [9, 0, 0, "-", "predict"], [9, 0, 0, "-", "tempscale"], [9, 0, 0, "-", "train"], [9, 0, 0, "-", "vae"]], "icenet.deep.autogradxgb": [[9, 2, 1, "", "XgboostObjective"]], "icenet.deep.autogradxgb.XgboostObjective": [[9, 3, 1, "", "derivatives"], [9, 3, 1, "", "torch_conversion"]], "icenet.deep.bnaf": [[9, 2, 1, "", "BNAF"], [9, 2, 1, "", "MaskedWeight"], [9, 2, 1, "", "Permutation"], [9, 2, 1, "", "Sequential"], [9, 2, 1, "", "Tanh"]], "icenet.deep.bnaf.BNAF": [[9, 3, 1, "", "forward"]], "icenet.deep.bnaf.MaskedWeight": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "get_weights"]], "icenet.deep.bnaf.Permutation": [[9, 3, 1, "", "forward"]], "icenet.deep.bnaf.Sequential": [[9, 3, 1, "", "forward"]], "icenet.deep.bnaf.Tanh": [[9, 3, 1, "", "forward"]], "icenet.deep.cnn": [[9, 2, 1, "", "CNN"], [9, 2, 1, "", "CNN_MAXO"]], "icenet.deep.cnn.CNN": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "softpredict"]], "icenet.deep.cnn.CNN_MAXO": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "maxout"], [9, 3, 1, "", "softpredict"]], "icenet.deep.da": [[9, 2, 1, "", "GradientReversal"], [9, 2, 1, "", "GradientReversalFunction"]], "icenet.deep.da.GradientReversal": [[9, 3, 1, "", "forward"]], "icenet.deep.da.GradientReversalFunction": [[9, 3, 1, "", "backward"], [9, 3, 1, "", "forward"]], "icenet.deep.dbnf": [[9, 2, 1, "", "Dataset"], [9, 1, 1, "", "compute_log_p_x"], [9, 1, 1, "", "create_model"], [9, 1, 1, "", "get_pdf"], [9, 1, 1, "", "load_models"], [9, 1, 1, "", "predict"], [9, 1, 1, "", "train"]], "icenet.deep.deeptools": [[9, 2, 1, "", "Multiply"], [9, 1, 1, "", "adaptive_gradient_clipping_"], [9, 1, 1, "", "grad_norm"], [9, 1, 1, "", "set_scheduler"], [9, 1, 1, "", "sigmoid_schedule"], [9, 1, 1, "", "weights_init_all"], [9, 1, 1, "", "weights_init_normal"], [9, 1, 1, "", "weights_init_uniform_rule"]], "icenet.deep.deeptools.Multiply": [[9, 3, 1, "", "forward"]], "icenet.deep.deps": [[9, 2, 1, "", "DEPS"], [9, 2, 1, "", "PEN1_max"], [9, 2, 1, "", "PEN1_mean"], [9, 2, 1, "", "PEN_max"], [9, 2, 1, "", "PEN_mean"]], "icenet.deep.deps.DEPS": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "softpredict"]], "icenet.deep.deps.PEN1_max": [[9, 3, 1, "", "forward"]], "icenet.deep.deps.PEN1_mean": [[9, 3, 1, "", "forward"]], "icenet.deep.deps.PEN_max": [[9, 3, 1, "", "forward"]], "icenet.deep.deps.PEN_mean": [[9, 3, 1, "", "forward"]], "icenet.deep.dmlp": [[9, 2, 1, "", "DMLP"], [9, 2, 1, "", "LinearLayer"], [9, 1, 1, "", "MLP"], [9, 1, 1, "", "MLP_ALL_ACT"], [9, 1, 1, "", "get_act"]], "icenet.deep.dmlp.DMLP": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "softpredict"]], "icenet.deep.dmlp.LinearLayer": [[9, 3, 1, "", "forward"]], "icenet.deep.fastkan": [[9, 2, 1, "", "AttentionWithFastKANTransform"], [9, 2, 1, "", "FastKAN"], [9, 2, 1, "", "FastKANLayer"], [9, 2, 1, "", "RadialBasisFunction"], [9, 2, 1, "", "SplineLinear"]], "icenet.deep.fastkan.AttentionWithFastKANTransform": [[9, 3, 1, "", "forward"]], "icenet.deep.fastkan.FastKAN": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "softpredict"]], "icenet.deep.fastkan.FastKANLayer": [[9, 3, 1, "", "forward"]], "icenet.deep.fastkan.RadialBasisFunction": [[9, 3, 1, "", "forward"]], "icenet.deep.fastkan.SplineLinear": [[9, 3, 1, "", "reset_parameters"]], "icenet.deep.gcnn": [[9, 2, 1, "", "GCN"], [9, 2, 1, "", "GCN_layer"]], "icenet.deep.gcnn.GCN": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "softpredict"]], "icenet.deep.gcnn.GCN_layer": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "reset_param"]], "icenet.deep.graph": [[9, 2, 1, "", "GNNGeneric"], [9, 2, 1, "", "SuperEdgeConv"]], "icenet.deep.graph.GNNGeneric": [[9, 3, 1, "", "DynamicEdgeConv_"], [9, 3, 1, "", "EdgeConv_"], [9, 3, 1, "", "GATConv_"], [9, 3, 1, "", "GINEConv_"], [9, 3, 1, "", "GINE_helper"], [9, 3, 1, "", "NNConv_"], [9, 3, 1, "", "PANConv_"], [9, 3, 1, "", "SAGEConv_"], [9, 3, 1, "", "SGConv_"], [9, 3, 1, "", "SplineConv_"], [9, 3, 1, "", "SuperEdgeConv_"], [9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "forward_2pt"], [9, 3, 1, "", "forward_with_DA"], [9, 3, 1, "", "inference"], [9, 3, 1, "", "softpredict"]], "icenet.deep.graph.SuperEdgeConv": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "init_"], [9, 3, 1, "", "message"], [9, 3, 1, "", "reset_parameters"]], "icenet.deep.iceboost": [[9, 1, 1, "", "BCE_loss_with_logits"], [9, 1, 1, "", "create_filters"], [9, 1, 1, "", "train_xgb"]], "icenet.deep.losstools": [[9, 1, 1, "", "BCE_loss"], [9, 2, 1, "", "FocalWithLogitsLoss"], [9, 1, 1, "", "LOGIT_L1_loss"], [9, 1, 1, "", "LOGIT_L2_loss"], [9, 2, 1, "", "LqBernoulliWithLogitsLoss"], [9, 1, 1, "", "Lq_binary_loss"], [9, 1, 1, "", "MAE_loss"], [9, 1, 1, "", "MI_loss"], [9, 1, 1, "", "MSE_loss"], [9, 1, 1, "", "SWD_reweight_loss"], [9, 1, 1, "", "binary_cross_entropy_logprob"], [9, 1, 1, "", "binary_focal_loss"], [9, 1, 1, "", "log_softmax"], [9, 1, 1, "", "logsumexp"], [9, 1, 1, "", "loss_wrapper"], [9, 1, 1, "", "multiclass_cross_entropy_logprob"], [9, 1, 1, "", "multiclass_focal_entropy_logprob"], [9, 1, 1, "", "multiclass_logit_norm_loss"]], "icenet.deep.losstools.FocalWithLogitsLoss": [[9, 3, 1, "", "forward"]], "icenet.deep.losstools.LqBernoulliWithLogitsLoss": [[9, 3, 1, "", "L_q"], [9, 3, 1, "", "forward"]], "icenet.deep.lzmlp": [[9, 2, 1, "", "LZMLP"], [9, 2, 1, "", "LipschitzLinear"]], "icenet.deep.lzmlp.LZMLP": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "get_lipschitz_loss"], [9, 3, 1, "", "softpredict"]], "icenet.deep.lzmlp.LipschitzLinear": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "get_lipschitz_constant"], [9, 3, 1, "", "initialize_parameters"]], "icenet.deep.maxo": [[9, 2, 1, "", "MAXOUT"]], "icenet.deep.maxo.MAXOUT": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "maxout"], [9, 3, 1, "", "softpredict"]], "icenet.deep.mlgr": [[9, 2, 1, "", "MLGR"]], "icenet.deep.mlgr.MLGR": [[9, 3, 1, "", "binarypredict"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "softpredict"]], "icenet.deep.optimize": [[9, 2, 1, "", "Dataset"], [9, 2, 1, "", "DualDataset"], [9, 1, 1, "", "batch2tensor"], [9, 1, 1, "", "dict_batch_to_cuda"], [9, 1, 1, "", "model_to_cuda"], [9, 1, 1, "", "printloss"], [9, 1, 1, "", "process_batch"], [9, 1, 1, "", "test"], [9, 1, 1, "", "trackloss"], [9, 1, 1, "", "train"]], "icenet.deep.pgraph": [[9, 2, 1, "", "PANConv"], [9, 2, 1, "", "PANDropout"], [9, 2, 1, "", "PANUMPooling"], [9, 2, 1, "", "PANXHMPooling"], [9, 2, 1, "", "PANXUMPooling"]], "icenet.deep.pgraph.PANConv": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "message"], [9, 3, 1, "", "panentropy"], [9, 3, 1, "", "panentropy_sparse"], [9, 3, 1, "", "update"]], "icenet.deep.pgraph.PANDropout": [[9, 3, 1, "", "forward"]], "icenet.deep.pgraph.PANUMPooling": [[9, 3, 1, "", "filter_adj"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "topk"]], "icenet.deep.pgraph.PANXHMPooling": [[9, 3, 1, "", "filter_adj"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "panentropy_sparse"], [9, 3, 1, "", "topk"]], "icenet.deep.pgraph.PANXUMPooling": [[9, 3, 1, "", "filter_adj"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "panentropy_sparse"], [9, 3, 1, "", "topk"]], "icenet.deep.predict": [[9, 1, 1, "", "pred_cut"], [9, 1, 1, "", "pred_cutset"], [9, 1, 1, "", "pred_flow"], [9, 1, 1, "", "pred_flr"], [9, 1, 1, "", "pred_graph_xgb"], [9, 1, 1, "", "pred_torch_generic"], [9, 1, 1, "", "pred_torch_graph"], [9, 1, 1, "", "pred_torch_scalar"], [9, 1, 1, "", "pred_xgb"], [9, 1, 1, "", "pred_xgb_logistic"], [9, 1, 1, "", "pred_xgb_scalar"]], "icenet.deep.tempscale": [[9, 2, 1, "", "LogitsWithTemperature"], [9, 2, 1, "", "ModelWithTemperature"]], "icenet.deep.tempscale.LogitsWithTemperature": [[9, 3, 1, "", "calibrate"], [9, 3, 1, "", "temperature_scale"]], "icenet.deep.tempscale.ModelWithTemperature": [[9, 3, 1, "", "calibrate"], [9, 3, 1, "", "forward"], [9, 3, 1, "", "temperature_scale"]], "icenet.deep.train": [[9, 1, 1, "", "getgenericmodel"], [9, 1, 1, "", "getgenericparam"], [9, 1, 1, "", "getgraphmodel"], [9, 1, 1, "", "getgraphparam"], [9, 1, 1, "", "raytune_main"], [9, 1, 1, "", "torch_construct"], [9, 1, 1, "", "torch_loop"], [9, 1, 1, "", "train_cutset"], [9, 1, 1, "", "train_flow"], [9, 1, 1, "", "train_flr"], [9, 1, 1, "", "train_graph_xgb"], [9, 1, 1, "", "train_torch_generic"], [9, 1, 1, "", "train_torch_graph"]], "icenet.deep.vae": [[9, 2, 1, "", "Decoder"], [9, 2, 1, "", "Encoder"], [9, 2, 1, "", "VAE"], [9, 2, 1, "", "VariationalEncoder"]], "icenet.deep.vae.Decoder": [[9, 3, 1, "", "forward"]], "icenet.deep.vae.Encoder": [[9, 3, 1, "", "forward"]], "icenet.deep.vae.VAE": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "kl_div"], [9, 3, 1, "", "log_pxz"], [9, 3, 1, "", "loss_kl_reco"], [9, 3, 1, "", "softpredict"], [9, 3, 1, "", "to_device"]], "icenet.deep.vae.VariationalEncoder": [[9, 3, 1, "", "forward"], [9, 3, 1, "", "to_device"]], "icenet.optim": [[9, 0, 0, "-", "adam"], [9, 0, 0, "-", "adamax"], [9, 0, 0, "-", "scheduler"]], "icenet.optim.adam": [[9, 2, 1, "", "Adam"]], "icenet.optim.adam.Adam": [[9, 3, 1, "", "step"], [9, 3, 1, "", "substitute"], [9, 3, 1, "", "swap"]], "icenet.optim.adamax": [[9, 2, 1, "", "Adamax"]], "icenet.optim.adamax.Adamax": [[9, 3, 1, "", "step"], [9, 3, 1, "", "substitute"], [9, 3, 1, "", "swap"]], "icenet.optim.scheduler": [[9, 2, 1, "", "ReduceLROnPlateau"]], "icenet.optim.scheduler.ReduceLROnPlateau": [[9, 3, 1, "", "step"]], "icenet.tools": [[9, 0, 0, "-", "aux"], [9, 0, 0, "-", "aux_torch"], [9, 0, 0, "-", "icemap"], [9, 0, 0, "-", "iceroot"], [9, 0, 0, "-", "icevec"], [9, 0, 0, "-", "io"], [9, 0, 0, "-", "plots"], [9, 0, 0, "-", "prints"], [9, 0, 0, "-", "process"], [9, 0, 0, "-", "raytools"], [9, 0, 0, "-", "reweight"], [9, 0, 0, "-", "stx"]], "icenet.tools.aux": [[9, 2, 1, "", "Metric"], [9, 1, 1, "", "ak2numpy"], [9, 1, 1, "", "arrays2matrix"], [9, 1, 1, "", "auc_score"], [9, 1, 1, "", "bin2int"], [9, 1, 1, "", "bin_array"], [9, 1, 1, "", "binaryvec2int"], [9, 1, 1, "", "binom_coeff_all"], [9, 1, 1, "", "binomial"], [9, 1, 1, "", "binvec2powersetindex"], [9, 1, 1, "", "binvec_are_equal"], [9, 1, 1, "", "cartesian_product"], [9, 1, 1, "", "compute_metrics"], [9, 1, 1, "", "concatenate_and_clean"], [9, 1, 1, "", "count_targets"], [9, 1, 1, "", "create_model_filename"], [9, 1, 1, "", "deltaphi"], [9, 1, 1, "", "deltar"], [9, 1, 1, "", "explicit_range"], [9, 1, 1, "", "generatebinary"], [9, 1, 1, "", "generatebinary_fixed"], [9, 1, 1, "", "get_datetime"], [9, 1, 1, "", "getmtime"], [9, 1, 1, "", "int2onehot"], [9, 1, 1, "", "inverse_sigmoid"], [9, 1, 1, "", "jagged2matrix"], [9, 1, 1, "", "jagged2tensor"], [9, 1, 1, "", "jagged_ak_to_numpy"], [9, 1, 1, "", "longvec2matrix"], [9, 1, 1, "", "los2lol"], [9, 1, 1, "", "makedir"], [9, 1, 1, "", "merge_connected"], [9, 1, 1, "", "multiclass_roc_auc_score"], [9, 1, 1, "", "number_of_set_bits"], [9, 1, 1, "", "pick_ind"], [9, 1, 1, "", "pick_index"], [9, 1, 1, "", "process_regexp_ids"], [9, 1, 1, "", "q_exp"], [9, 1, 1, "", "q_log"], [9, 1, 1, "", "recursive_concatenate"], [9, 1, 1, "", "red"], [9, 1, 1, "", "replace_param"], [9, 1, 1, "", "set_random_seed"], [9, 1, 1, "", "sigmoid"], [9, 1, 1, "", "slice_range"], [9, 1, 1, "", "sort_fpr_tpr"], [9, 1, 1, "", "split"], [9, 1, 1, "", "split_size"], [9, 1, 1, "", "split_start_end"], [9, 1, 1, "", "to_edges"], [9, 1, 1, "", "to_graph"], [9, 1, 1, "", "unmask"], [9, 1, 1, "", "unroll_ak_fields"], [9, 1, 1, "", "weighted_avg_and_std"], [9, 1, 1, "", "x2ind"], [9, 1, 1, "", "yaml_dump"]], "icenet.tools.aux_torch": [[9, 1, 1, "", "count_parameters_torch"], [9, 1, 1, "", "load_torch_checkpoint"], [9, 1, 1, "", "load_torch_model"], [9, 1, 1, "", "save_torch_model"], [9, 1, 1, "", "weight2onehot"]], "icenet.tools.icemap": [[9, 2, 1, "", "icemap"], [9, 1, 1, "", "test_icecube_concat"], [9, 1, 1, "", "test_icecube_indexing"]], "icenet.tools.iceroot": [[9, 1, 1, "", "events_to_jagged_numpy"], [9, 1, 1, "", "get_num_events"], [9, 1, 1, "", "load_tree"], [9, 1, 1, "", "load_tree_stats"], [9, 1, 1, "", "read_multiple"], [9, 1, 1, "", "read_single"]], "icenet.tools.icevec": [[9, 1, 1, "", "hepmc2vec4"], [9, 2, 1, "", "vec4"]], "icenet.tools.icevec.vec4": [[9, 3, 1, "", "abs_delta_phi"], [9, 4, 1, "", "abseta"], [9, 4, 1, "", "beta"], [9, 3, 1, "", "boost"], [9, 4, 1, "", "costheta"], [9, 3, 1, "", "deltaR"], [9, 3, 1, "", "deltaphi"], [9, 3, 1, "", "dot3"], [9, 3, 1, "", "dot4"], [9, 4, 1, "", "e"], [9, 4, 1, "", "eta"], [9, 4, 1, "", "gamma"], [9, 4, 1, "", "m"], [9, 4, 1, "", "m2"], [9, 4, 1, "", "mt"], [9, 4, 1, "", "p3"], [9, 4, 1, "", "p3mod"], [9, 4, 1, "", "p3mod2"], [9, 4, 1, "", "phi"], [9, 3, 1, "", "phi_PIPI"], [9, 4, 1, "", "pt"], [9, 4, 1, "", "pt2"], [9, 4, 1, "", "px"], [9, 4, 1, "", "py"], [9, 4, 1, "", "pz"], [9, 4, 1, "", "rapidity"], [9, 3, 1, "", "rotateSO3"], [9, 3, 1, "", "rotateX"], [9, 3, 1, "", "rotateY"], [9, 3, 1, "", "rotateZ"], [9, 3, 1, "", "scale"], [9, 3, 1, "", "setE"], [9, 3, 1, "", "setMagThetaPhi"], [9, 3, 1, "", "setP3"], [9, 3, 1, "", "setPt2RapPhiM2"], [9, 3, 1, "", "setPtEtaPhi"], [9, 3, 1, "", "setPtEtaPhiM"], [9, 3, 1, "", "setPxPyPzE"], [9, 3, 1, "", "setX"], [9, 3, 1, "", "setXYZ"], [9, 3, 1, "", "setXYZM"], [9, 3, 1, "", "setXYZT"], [9, 3, 1, "", "setY"], [9, 3, 1, "", "setZ"], [9, 4, 1, "", "t"], [9, 4, 1, "", "theta"], [9, 4, 1, "", "x"], [9, 4, 1, "", "y"], [9, 4, 1, "", "z"]], "icenet.tools.io": [[9, 2, 1, "", "IceXYW"], [9, 1, 1, "", "apply_madscore"], [9, 1, 1, "", "apply_zscore"], [9, 1, 1, "", "apply_zscore_tensor"], [9, 1, 1, "", "calc_madscore"], [9, 1, 1, "", "calc_zscore"], [9, 1, 1, "", "calc_zscore_tensor"], [9, 1, 1, "", "checkinfnan"], [9, 1, 1, "", "count_files_in_dir"], [9, 2, 1, "", "fastarray1"], [9, 1, 1, "", "get_gpu_memory_map"], [9, 1, 1, "", "glob_expand_files"], [9, 1, 1, "", "impute_data"], [9, 1, 1, "", "index_list"], [9, 1, 1, "", "make_hash_sha256_file"], [9, 1, 1, "", "make_hash_sha256_object"], [9, 1, 1, "", "make_hashable"], [9, 1, 1, "", "pick_vars"], [9, 1, 1, "", "process_memory_use"], [9, 1, 1, "", "rootsafe"], [9, 1, 1, "", "safetxt"], [9, 1, 1, "", "showmem"], [9, 1, 1, "", "showmem_cuda"], [9, 1, 1, "", "split_data"], [9, 1, 1, "", "split_data_simple"], [9, 1, 1, "", "torch_cuda_total_memory"]], "icenet.tools.io.IceXYW": [[9, 3, 1, "", "classfilter"], [9, 3, 1, "", "find_ind"], [9, 3, 1, "", "permute"]], "icenet.tools.io.fastarray1": [[9, 3, 1, "", "add"], [9, 3, 1, "", "reset"], [9, 3, 1, "", "update"], [9, 3, 1, "", "values"]], "icenet.tools.plots": [[9, 1, 1, "", "MVA_plot"], [9, 1, 1, "", "ROC_plot"], [9, 1, 1, "", "annotate_heatmap"], [9, 1, 1, "", "binengine"], [9, 1, 1, "", "binned_1D_AUC"], [9, 1, 1, "", "binned_2D_AUC"], [9, 1, 1, "", "density_COR"], [9, 1, 1, "", "density_COR_wclass"], [9, 1, 1, "", "density_MVA_wclass"], [9, 1, 1, "", "draw_error_band"], [9, 1, 1, "", "multiprocess_AIRW_wrapper"], [9, 1, 1, "", "multiprocess_plot_wrapper"], [9, 1, 1, "", "plot_AIRW"], [9, 1, 1, "", "plot_AUC_matrix"], [9, 1, 1, "", "plot_contour_grid"], [9, 1, 1, "", "plot_correlation_comparison"], [9, 1, 1, "", "plot_correlations"], [9, 1, 1, "", "plot_matrix"], [9, 1, 1, "", "plot_reweight_result"], [9, 1, 1, "", "plot_selection"], [9, 1, 1, "", "plot_train_evolution_multi"], [9, 1, 1, "", "plot_xgb_importance"], [9, 1, 1, "", "plotvar"], [9, 1, 1, "", "plotvars"], [9, 1, 1, "", "table_writer"]], "icenet.tools.prints": [[9, 1, 1, "", "colored_row"], [9, 1, 1, "", "print_RAM_usage"], [9, 1, 1, "", "print_colored_matrix"], [9, 1, 1, "", "print_flow"], [9, 1, 1, "", "print_variables"], [9, 1, 1, "", "print_weights"], [9, 1, 1, "", "printbar"], [9, 1, 1, "", "printbranch"], [9, 1, 1, "", "set_arr_format"]], "icenet.tools.process": [[9, 1, 1, "", "combine_pickle_data"], [9, 1, 1, "", "concatenate_data"], [9, 1, 1, "", "evaluate_models"], [9, 1, 1, "", "generic_flow"], [9, 1, 1, "", "impute_datasets"], [9, 1, 1, "", "load_file_wrapper"], [9, 1, 1, "", "make_plots"], [9, 1, 1, "", "plot_XYZ_multiple_models"], [9, 1, 1, "", "plot_XYZ_wrap"], [9, 1, 1, "", "process_data"], [9, 1, 1, "", "process_raw_data"], [9, 1, 1, "", "read_cli"], [9, 1, 1, "", "read_config"], [9, 1, 1, "", "train_eval_data_processor"], [9, 1, 1, "", "train_models"]], "icenet.tools.raytools": [[9, 2, 1, "", "ProgressBar"]], "icenet.tools.raytools.ProgressBar": [[9, 4, 1, "", "actor"], [9, 5, 1, "", "description"], [9, 5, 1, "", "pbar"], [9, 3, 1, "", "print_until_done"], [9, 5, 1, "", "progress_actor"], [9, 5, 1, "", "total"]], "icenet.tools.reweight": [[9, 1, 1, "", "AIRW_helper"], [9, 1, 1, "", "balanceweights"], [9, 1, 1, "", "compute_ND_reweights"], [9, 1, 1, "", "doublet_helper"], [9, 1, 1, "", "histogram_helper"], [9, 1, 1, "", "map_xyw"], [9, 1, 1, "", "pdf_1D_hist"], [9, 1, 1, "", "pdf_2D_hist"], [9, 1, 1, "", "reweightcoeff1D"], [9, 1, 1, "", "reweightcoeff2D"], [9, 1, 1, "", "rw_transform"], [9, 1, 1, "", "rw_transform_with_logits"]], "icenet.tools.stx": [[9, 1, 1, "", "apply_cutflow"], [9, 1, 1, "", "construct_columnar_cuts"], [9, 1, 1, "", "construct_exptree"], [9, 1, 1, "", "eval_boolean_exptree"], [9, 1, 1, "", "eval_boolean_syntax"], [9, 1, 1, "", "filter_constructor"], [9, 1, 1, "", "parse_boolean_exptree"], [9, 1, 1, "", "powerset_constructor"], [9, 1, 1, "", "powerset_cutmask"], [9, 1, 1, "", "print_exptree"], [9, 1, 1, "", "print_parallel_cutflow"], [9, 1, 1, "", "print_stats"], [9, 1, 1, "", "set_constructor"], [9, 1, 1, "", "test_powerset"], [9, 1, 1, "", "test_syntax_tree_flip"], [9, 1, 1, "", "test_syntax_tree_parsing"], [9, 1, 1, "", "test_syntax_tree_simple"], [9, 2, 1, "", "tree_node"]], "iceplot": [[10, 0, 0, "-", "iceplot"]], "iceplot.iceplot": [[10, 1, 1, "", "binwidth"], [10, 1, 1, "", "change2density_labels"], [10, 1, 1, "", "chi2_cost"], [10, 1, 1, "", "colors"], [10, 1, 1, "", "create_axes"], [10, 1, 1, "", "edge2centerbins"], [10, 1, 1, "", "fuse_histograms"], [10, 1, 1, "", "generate_colormap"], [10, 1, 1, "", "hist"], [10, 1, 1, "", "hist_filled_error"], [10, 1, 1, "", "hist_obj"], [10, 1, 1, "", "hist_to_density"], [10, 1, 1, "", "hist_to_density_fullspace"], [10, 1, 1, "", "histhepdata"], [10, 1, 1, "", "histmc"], [10, 2, 1, "", "hobj"], [10, 1, 1, "", "ordered_legend"], [10, 1, 1, "", "plot_horizontal_line"], [10, 1, 1, "", "ratioerr"], [10, 1, 1, "", "set_axis_ticks"], [10, 1, 1, "", "set_global_style"], [10, 1, 1, "", "stepspace"], [10, 1, 1, "", "superplot"], [10, 1, 1, "", "test_iceplot"], [10, 1, 1, "", "tick_calc"], [10, 1, 1, "", "tick_creator"]], "iceplot.iceplot.hobj": [[10, 3, 1, "", "integral"]], "icetrg": [[11, 0, 0, "-", "common"]], "icetrg.common": [[11, 1, 1, "", "load_root_file"], [11, 1, 1, "", "process_root"], [11, 1, 1, "", "splitfactor"]], "icezee": [[12, 0, 0, "-", "common"]], "icezee.common": [[12, 1, 1, "", "load_helper"], [12, 1, 1, "", "load_root_file"], [12, 1, 1, "", "splitfactor"], [12, 1, 1, "", "truncate"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "function", "Python function"], "2": ["py", "class", "Python class"], "3": ["py", "method", "Python method"], "4": ["py", "property", "Python property"], "5": ["py", "attribute", "Python attribute"]}, "objtypes": {"0": "py:module", "1": "py:function", "2": "py:class", "3": "py:method", "4": "py:property", "5": "py:attribute"}, "terms": {"": [4, 9, 14], "0": [1, 2, 3, 4, 5, 6, 7, 9, 10, 11, 12, 14], "0001": [4, 9], "0009": 3, "001": [4, 9], "002": 9, "01": [2, 4, 9], "02": 14, "02002": 9, "025": 4, "03144": 9, "04": 9, "04062": 9, "04275": 4, "05": [0, 4, 9], "06": [4, 9], "0605197": 4, "07": 9, "07829": 9, "07868": 9, "08": 9, "09": 9, "09310": 9, "1": [2, 3, 4, 8, 9, 10, 14, 15], "10": [4, 9, 14, 15], "100": [4, 9], "1000": [4, 8, 9], "10000": [2, 4], "100000": 4, "1000000": 4, "1000000000": 5, "10000000000": 2, "1000000000000": 10, "1002": 9, "1007": 4, "1024": 2, "10g": 14, "11": [9, 14, 15], "11133339": 9, "115004": 4, "12": [3, 4, 5, 7, 9, 10, 15], "120": 10, "126652": 4, "128": [4, 9], "13": 15, "13333333": 3, "1343592": 4, "1396": 9, "14": [3, 9], "1409": 9, "15": [4, 9, 10], "150": 4, "1508": 9, "1602": 9, "1708": 9, "1727": 4, "1801": 9, "18900": 9, "19": 9, "1974": 4, "1978": 4, "1981": 4, "1992": 4, "1d": [3, 4, 9], "1e": [3, 4, 5, 7, 9, 10], "1p5": 3, "1sigma": 3, "2": [2, 3, 4, 8, 9, 15], "200": 9, "2012": 4, "2016": 4, "2017": 4, "2018": 4, "2024": [0, 9, 14], "2102": 4, "21960784": 3, "2205": 9, "2305": 9, "25": [9, 10], "256": 4, "27s_t": 4, "2d": [4, 9], "2logl": 4, "2sigma": 3, "2x2": 4, "3": [4, 9, 10, 14, 15], "30": [0, 4, 9, 10], "300": 4, "32": [4, 9], "3272129": 4, "34": [9, 10], "3600": 14, "4": [3, 4, 8, 9, 10, 15], "40": [4, 9], "400": 9, "4096": 4, "45": 9, "4533": 9, "457": 4, "487": 4, "5": [2, 3, 4, 9, 10, 15], "50": [4, 9], "500": 9, "5000": 9, "512": 2, "6": [9, 10, 15], "64": 9, "65": 4, "67": 9, "6a04f3052967": 9, "7": [9, 10, 15], "70": 9, "708041": 4, "736507": 3, "7495": 9, "75": [9, 10], "8": [9, 10, 14, 15], "80": 9, "80222": 4, "85": 9, "9": [9, 10, 15], "90": 9, "9437": 4, "95": 9, "96": [4, 9], "96078431": 3, "975": 4, "99": 9, "999": [3, 5, 7, 9], "A": [0, 4, 9, 10], "AND": 9, "As": 9, "For": [0, 4, 9, 10, 15], "If": [0, 4, 9, 14], "In": 9, "It": 9, "No": 14, "OR": [9, 13, 14], "On": 4, "One": [4, 14], "That": 15, "The": [4, 9, 14, 15], "Then": 14, "There": 9, "To": 14, "With": [9, 14], "_i": 9, "_ij": 4, "_j": 9, "_size": 4, "aachen": 9, "ab": [2, 4, 9], "abcd_2nll": 4, "abcd_eq": 4, "abcd_err": 4, "abcdguide_draft18oct18": 4, "abcdmethod": 4, "abhirikshma": 5, "abs_delta_phi": 9, "abseta": 9, "absmax": 9, "absolut": [4, 9], "acat19directopti": 4, "acc_func": 8, "accept": [1, 3, 5, 6, 7, 8, 9, 11, 12], "accord": 8, "accumul": 2, "accur": 4, "accuraci": [4, 9], "act": 9, "act_after_norm": 9, "action": [0, 14], "activ": [3, 4, 5, 7, 9, 14], "active_color": 9, "actor": 9, "actorhandl": 9, "actual": 14, "ad": [4, 15], "adapt": [9, 15], "adaptive_gradient_clipping_": 9, "add": 9, "addit": 4, "addition": 9, "adj_matrix": 9, "adjac": 9, "advanc": 10, "after": [2, 9, 14, 15], "afterdrop": 9, "afterward": [4, 9], "against": 9, "aggr": 9, "aggr_out": 9, "aggreg": 9, "agnost": 15, "ai": 9, "airw": 9, "airw_help": 9, "ak": 9, "ak2numpi": 9, "aka": [9, 15], "al": 4, "algorithm": [0, 4, 9], "all": [2, 4, 9, 10], "all_id": 9, "all_ob": 10, "allow": 15, "alpha": [4, 9], "alreadi": [2, 14], "also": [4, 9, 14], "altern": 9, "although": [4, 9], "alwai": [9, 14], "amsgrad": 9, "an": [3, 4, 5, 7, 9, 10, 14], "anaconda": 14, "anaconda3": 14, "analogi": 9, "analysi": [2, 3, 4, 6, 15], "analyt": 4, "analytical_extreme_npdf": 4, "angl": 9, "angular": 9, "ani": [3, 5, 7, 9, 15], "annot": [8, 9], "annotate_heatmap": [8, 9], "anomaly_scor": 9, "anti": 9, "append": [2, 9], "appendix": 9, "appli": [1, 3, 4, 9], "applic": [0, 9, 15], "apply_cut": 2, "apply_cutflow": 9, "apply_madscor": 9, "apply_min": 4, "apply_mine_batch": 4, "apply_zscor": 9, "apply_zscore_tensor": 9, "approach": 4, "approx": 9, "approxim": 4, "ar": [2, 4, 9, 15], "arbitrari": [9, 15], "architectur": 9, "archiv": 14, "area": 9, "arg": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12], "argument": [1, 3, 5, 6, 7, 9, 11, 12], "arnold": 15, "around": 4, "arr": 9, "arrai": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12], "array_list": 9, "arrays2matrix": 9, "articl": 3, "arxiv": [4, 9], "asimov": 4, "aspect": 9, "ass_data": 5, "assess": 4, "associ": 4, "asymptot": 4, "asymptotic_uncertainty_cl": 4, "attach": 4, "attentionwithfastkantransform": 9, "attribut": 9, "auc": 9, "auc_scor": 9, "author": 0, "auto": 9, "autobin": 4, "autoencod": 15, "autograd": [4, 9, 15], "automat": [4, 9], "automethod": 4, "auxiliari": 9, "avail": [9, 15], "averag": [4, 9], "avoid": [9, 14], "awkward": [3, 5, 9], "ax": [3, 8, 9, 10], "axi": [3, 9, 10], "b": [2, 3, 4, 8, 9, 10, 13, 15], "b1": 4, "b2": 4, "b_pdf": 9, "backend": 15, "background": [4, 9, 15], "backprog": 9, "backpropag": 9, "backward": 9, "bad": 9, "balanc": 9, "balanceweight": 9, "bar": 9, "base": [4, 5, 9, 15], "base_activ": 9, "bash": [14, 15], "basi": 9, "basic": [4, 9], "batch": [2, 4, 9], "batch2tensor": 9, "batch_norm": [4, 9], "batch_ob": 2, "batch_siz": [4, 9], "bayesian": 4, "bce": 9, "bce_loss": 9, "bce_loss_with_logit": 9, "bcewithlogitsloss": 9, "bdt": 15, "becaus": 9, "befor": 9, "behavior": 9, "being": [4, 8], "below": 4, "bernoulli": 9, "best": 9, "beta": [4, 9], "between": [4, 9, 10], "beyond": 0, "bg_error_typ": 4, "bg_expect": 4, "bg_regul": 3, "bg_syst_error": 4, "bg_syst_typ": 4, "bi": 4, "bia": [4, 9], "big": 9, "bin": [4, 9, 10, 15], "bin2int": 9, "bin_arrai": 9, "bin_edg": 9, "binari": [2, 9], "binary_cross_entropy_logprob": 9, "binary_focal_loss": 9, "binarypredict": 9, "binaryvec2int": 9, "bind": 9, "bindef": 9, "binedg": 9, "binedges_a": 9, "binedges_b": 9, "binengin": 9, "binned_1d_auc": 9, "binned_2d_auc": 9, "binom_coeff_al": 9, "binomi": [4, 9], "binorm": 3, "binrang": 9, "bins_i": 4, "bins_x": 4, "binscal": 10, "binvec2powersetindex": 9, "binvec_are_equ": 9, "binwidth": [4, 10], "biometrika": 4, "bit": [4, 9], "bits2digit": 4, "bivari": 4, "blob": [5, 16], "block": 9, "bmat": 2, "bnaf": 15, "bodi": 8, "bool": [4, 9], "boolean": 9, "boost": [9, 15], "bootstrap": 4, "bottom_prc": 10, "bound": 4, "boundari": 9, "brace": 9, "branch": [2, 9], "brazil": 3, "brent": 4, "broken": 8, "brute": 4, "buffer": [2, 4, 9], "built": 9, "bw": 4, "bw2bin": 4, "c": [4, 9], "calc_batch_mc_observ": 2, "calc_batch_observ": 2, "calc_madscor": 9, "calc_mc_observ": 2, "calc_observ": 2, "calc_zscor": 9, "calc_zscore_tensor": 9, "calcul": [4, 9, 10], "calibr": [9, 15], "call": [4, 9], "callabl": 9, "callback_best": 9, "callback_reduc": 9, "cambridg": 9, "can": [4, 9, 14, 15], "candid": 5, "capac": 9, "card": [9, 14], "care": [4, 9], "carlo": [4, 8], "cartesian": [3, 9], "cartesian_product": 9, "case": [4, 9], "cast": 4, "cat": 13, "categori": 9, "cbin": 10, "cd": [13, 14], "cdf": [4, 15], "cell": 9, "center": 9, "centerbin": 10, "cern": [4, 13], "certain": [9, 15], "cf": 4, "ch": [4, 13], "chain": 2, "chang": [9, 10], "change2density_label": 10, "channel": [4, 9, 14], "channel_prior": 14, "charact": 9, "characterist": 9, "cheatsheet": 16, "check": [2, 9], "checkinfnan": 9, "checkpoint": [9, 15], "chi2": [9, 10], "chi2_cost": 10, "chi2_tabl": 9, "chmod": 15, "choos": 9, "chosen": 9, "chunk": [2, 9], "chunkbuff": 2, "ci": [0, 15], "citat": 0, "cl": 4, "cl68": 4, "cl95": 4, "cl_singl": 4, "cl_single_asymptot": 4, "cl_single_comput": 4, "class": [1, 2, 3, 4, 5, 6, 7, 9, 10, 11, 12, 15], "class__id": 9, "class_id": [1, 3, 9], "classfilt": 9, "classic": [3, 9], "classid": 9, "classif": [9, 15], "classifi": [9, 15], "clean": 9, "client": 14, "clip": 9, "clip_min": 9, "clip_norm": 4, "clone": [13, 14], "clopper": 4, "clopper_pearson_err": 4, "closur": 9, "cls_method_": 4, "cluster": 14, "cm": 13, "cmap": 9, "cmsenv": 13, "cmsrel": 13, "cmsrun": 13, "cmsset_default": 13, "cmssw_10_2_22": 13, "cnd": 5, "cnn": 15, "cnn_maxo": 9, "code": 15, "coeffici": [4, 9], "col": 9, "collect": [2, 9], "collect_info_stat": 2, "collect_mcinfo_stat": 2, "color": [9, 10], "colorbar": 9, "colored_row": 9, "colormap": 10, "column": [4, 9], "columnar": [1, 3, 4, 5, 6, 7, 9, 11, 12], "columnar_mask_effici": 4, "com": [0, 5, 9, 13, 14, 16], "combin": 9, "combinatori": 15, "combine_pickle_data": 9, "command": 15, "commandlin": 9, "common": 9, "compar": 9, "compat": [4, 9], "compil": [14, 16], "complet": [9, 14], "complex": [4, 8, 9, 15], "compoment": 9, "compon": [4, 9], "comput": [4, 9, 15], "compute_edg": 5, "compute_edge_attr": 5, "compute_ind": 4, "compute_log_p_x": 9, "compute_loss": 9, "compute_metr": 9, "compute_min": 4, "compute_nd_reweight": 9, "concaten": 9, "concatenate_and_clean": 9, "concatenate_data": 9, "conda_prefix": 14, "condarc": 14, "condit": [2, 3, 4, 15], "condor_q": 14, "condor_rm": 14, "condor_ssh_to_job": 14, "condor_statu": 14, "condor_submit": 14, "confid": 4, "config": [9, 15], "config_path": 9, "configur": 9, "connect": [2, 9], "consid": 9, "constant": [4, 9], "construct": [2, 3, 4, 5, 7, 9], "construct_columnar_cut": 9, "construct_exptre": 9, "construct_icdf": 4, "construct_input_vec": 2, "construct_kinemat": 2, "construct_mc_tre": 2, "construct_mc_truth": 2, "construct_new_branch": 2, "construct_output_vec": 2, "constructor": [9, 10], "contain": [9, 15], "context": 9, "continu": 15, "contour": 9, "contribut": 4, "conv_aggr": 9, "conv_knn": 9, "conv_mlp_act": 9, "conv_mlp_bn": 9, "conv_mlp_dropout": 9, "conv_onli": 9, "conv_typ": 9, "convent": 4, "convers": 9, "convert": [3, 4, 9], "convolut": [4, 9], "convolve_systemat": 4, "coord": [5, 7], "copi": 13, "core": [9, 15], "cormat2covmat": 4, "corr_mstat": 9, "corrcoef": 4, "corrcoeff_weighted_torch": 4, "correct": [4, 9], "correl": [4, 9, 15], "correlation_matrix": 4, "correspond": [4, 9], "cost": 10, "costheta": 9, "could": 14, "count": [2, 4, 9, 10], "count_files_in_dir": 9, "count_parameters_torch": 9, "count_simple_edg": 9, "count_target": 9, "cours": 4, "cov": 4, "covari": 4, "cover": 9, "covmat2corrmat": 4, "cowan": 4, "cpu": [4, 9, 14], "creat": [2, 3, 9, 14, 16], "create_ax": 10, "create_filt": 9, "create_id_label": 3, "create_label": 4, "create_limit_plots_vector": 3, "create_limit_t": 3, "create_model": 9, "create_model_filenam": 9, "create_trackster_data": 5, "creator": 10, "cross": 9, "crv": 4, "csc2541_2021": 4, "ctau": 8, "ctau_valu": 8, "ctx": 9, "cubic": 4, "cuda": 9, "current": 9, "curv": [9, 15], "curvatur": 4, "curve_error_band": 9, "custom": [9, 15], "cut": [2, 4, 9, 15], "cutflow": [2, 9], "cutlist": 9, "cutset": 9, "cvmf": 13, "d": [2, 4, 9, 15], "d_dim": 9, "d_in": 9, "d_out": 9, "da_act": 9, "da_alpha": 9, "da_mlp": 9, "da_mlp_act": 9, "da_mlp_bn": 9, "da_mlp_dropout": 9, "dat": 9, "data": [1, 2, 3, 4, 5, 6, 7, 9, 10, 11, 12], "data_trn": 9, "data_trn_mi": 9, "data_v": 9, "data_val_mi": 9, "datafil": 12, "dataload": 9, "datapath": 9, "dataset": [2, 9], "datatyp": [1, 3, 5, 6, 7, 9, 11, 12], "date": 0, "datetim": 9, "daughter": 8, "dcor": 4, "dcorr": 15, "de": 15, "deactiv": 14, "debug": 14, "decai": [2, 8], "decim": [3, 9], "decis": [9, 15], "decod": 9, "decoder_act": 9, "decoder_bn": 9, "decoder_dropout": 9, "decoder_hidden_dim": 9, "deep": [0, 15], "deepset": [9, 15], "def": 9, "default": [4, 9, 10, 14], "default_nam": 9, "default_valu": 9, "defin": [4, 8, 9], "definit": [4, 9], "delta2_ij": 9, "deltaphi": 9, "deltar": [2, 9], "deltar_3": 2, "den_mask": 4, "denomin": [4, 9], "denot": 15, "densiti": [4, 9, 10], "density_cor": 9, "density_cor_wclass": 9, "density_mva_wclass": 9, "depend": [4, 14], "deploy": 15, "deq": 4, "dequant": 15, "deriv": [4, 9], "descent": 4, "descript": [9, 14], "det": 9, "deta": 9, "detail": 9, "detector": [8, 15], "dev": 15, "develop": 15, "deviat": [4, 9], "devic": [4, 9, 14], "device_lib": 14, "device_typ": 9, "df": 4, "diaconi": 4, "diagnost": 15, "diagon": 9, "dict": [1, 3, 5, 6, 7, 9, 11, 12], "dict_batch_to_cuda": 9, "dictionari": [1, 2, 3, 5, 6, 7, 9, 11, 12], "differ": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12, 15], "differenti": 9, "digit": 4, "digits2bit": 4, "dim": [3, 4, 9, 10, 15], "dim1": 4, "dim2": 4, "dim_in": 9, "dim_out": 9, "dimens": [4, 9], "dimension": [4, 9, 15], "diplomat": 9, "direct": 9, "directli": 9, "directori": [9, 14], "discoveri": 4, "discret": 4, "discrimin": 15, "disk": 9, "distanc": [4, 9, 15], "distance_corr": 4, "distance_corr_torch": 4, "distance_correl": 4, "distil": 15, "distribut": [4, 9], "diverg": 9, "divid": 4, "dlips_2": 8, "dmatrix": 9, "dn": 10, "do": [9, 14], "doc": [0, 4, 15, 16], "document": [15, 16], "domain": [4, 9, 15], "dot": 9, "dot3": 9, "dot4": 9, "doublet": 9, "doublet_help": 9, "dpc10ster": 3, "dphi": 9, "dpi": 10, "dqcd": [3, 15], "dqcd_vector_data": 15, "dquant_label": 4, "dr": 9, "dr2_ij": 9, "dr_match": 2, "draw": 9, "draw_error_band": 9, "driven": [0, 15], "dropout": [4, 9], "dropout_cnn": 9, "dropout_mlp": 9, "dtype": 9, "dual": [4, 9], "dualdataset": 9, "due": 9, "dummi": 9, "dump": 9, "dure": 9, "dx": [4, 10], "dynam": 14, "dynamicedgeconv_": 9, "e": [0, 2, 3, 4, 9, 14, 15], "e1": 4, "e2": 4, "e_": 4, "e_dim": 9, "e_q": 9, "each": [2, 4, 8, 9], "early_stop": 9, "easili": 15, "edg": [5, 9, 10, 15], "edge2centerbin": 10, "edge_attr": 9, "edge_index": [5, 9], "edge_label": 5, "edge_mask_list": 9, "edge_qu": 5, "edge_weight": 9, "edgebin": 10, "edgeconv": 9, "edgeconv_": 9, "edges_a": 9, "edges_b": 9, "edu": 4, "eec": 4, "effici": [1, 3, 4, 5, 6, 7, 11, 12], "efron": 4, "either": [4, 9, 15], "electron": [7, 15], "elem": 4, "element": [4, 9], "els": [9, 14], "em": 9, "em_frac": 4, "embed": 9, "empti": 9, "en": [4, 9, 16], "encod": [2, 9], "encoder_act": 9, "encoder_bn": 9, "encoder_dropout": 9, "encoder_hidden_dim": 9, "end": [0, 9, 15], "end_plu": 9, "endpoint": 4, "energi": [0, 15], "enforc": 9, "enhanc": 15, "enough": 2, "entri": 9, "entropi": [4, 9], "entry_start": [1, 3, 5, 6, 7, 9, 11, 12], "entry_stop": [1, 3, 5, 6, 7, 9, 11, 12], "entrystart": 9, "entrystop": 9, "env": 14, "ep": [3, 4, 5, 7, 9, 10], "epoch": [4, 9], "epsilon": 9, "equal": 9, "equival": 9, "equivari": [9, 15], "err": 10, "err_i": 4, "err_x": 4, "error": [4, 9, 10, 14], "error_bin": 4, "error_on_mu": 4, "error_on_std": 4, "error_typ": 4, "errorprop": 4, "especi": [0, 15], "estim": [4, 9, 15], "et": 4, "eta": 9, "eta1": [2, 9], "eta2": [2, 9], "eta3": 2, "etc": 9, "eval": [9, 13], "eval_boolean_exptre": 9, "eval_boolean_syntax": 9, "evalu": [4, 9], "evaluate_model": 9, "event": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12], "event_loop": 5, "events_to_jagged_numpi": 9, "everi": [4, 9], "evolut": 9, "evt_index": 2, "evtgroups": 2, "exact": 9, "exampl": [0, 4, 9, 14, 15], "except": 9, "exclud": 9, "exclude_mva_var": 9, "exclude_neg_class": 9, "exclude_tag": 9, "exclude_v": 9, "execut": [9, 14], "exist_ok": 9, "exp": [4, 8], "expans": [4, 9, 10], "expect": [4, 9], "experi": [4, 14], "explicit": 9, "explicit_rang": 9, "expon": 9, "exponenti": [4, 8], "export": [13, 14], "expr": 9, "express": 9, "extend": [8, 9], "extract": [4, 9], "extrem": 4, "extreme_value_theori": 4, "f": [2, 4, 9, 10, 14], "f2": 3, "f_k": 9, "factor": [4, 9, 15], "fail": [4, 9, 14], "fals": [1, 2, 3, 4, 8, 9, 10], "fashion": 9, "fast": [3, 4], "fast_loop": 4, "fastarray1": 9, "fastkanlay": 9, "featur": [3, 4, 5, 7, 9], "feature_nam": [3, 9], "feedforward": 15, "fessler": 4, "fiduci": 8, "field": 9, "fig": [3, 9, 15], "figsiz": [9, 10], "figur": [4, 9, 15], "file": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12, 14], "filenam": [2, 9, 14], "filepath": 9, "filetyp": 9, "fill": 9, "fill_valu": 9, "filter": [3, 9, 15], "filter_adj": 9, "filter_constructor": 9, "filter_s": 9, "final": [4, 9, 14], "final_mlp_act": 9, "final_mlp_bn": 9, "final_mlp_dropout": 9, "find": [0, 2, 3, 9], "find_connected_triplet": 2, "find_filt": 3, "find_ind": 9, "find_limit": 3, "finit": 9, "first": [2, 9, 14], "firstmodelandtrain": 5, "fisher": 4, "fit": [3, 4, 15], "fit_and_analyz": 4, "fit_task": 4, "fit_task_multi": 4, "fix": [4, 8, 9, 15], "flat": [4, 8], "flatten_grad": 9, "flip": 4, "flip_vert": 4, "float": [3, 4, 9], "float32": 9, "float64": 9, "flow": [9, 15], "flush": 2, "focal": 9, "focalwithlogitsloss": 9, "folder": 9, "follow": [4, 9, 14, 15], "font": 10, "font_siz": 10, "fontsiz": 10, "forc": 4, "forg": 14, "format": [3, 5, 7, 9], "former": [4, 9], "formula": [3, 4, 9], "forward": [4, 9], "forward_2pt": 9, "forward_with_da": 9, "found": [2, 14], "fourvector": 9, "fox_wolfram_boost_inv": 9, "fpr": [3, 9], "fpr_err": 3, "frac": [4, 9], "fraction": [4, 9], "frame": 8, "frameon": 10, "framework": 14, "free": 4, "freedman": 4, "freedman_diaconis_bin": 4, "frequentist_limit_recommend": 4, "frob": 9, "frobeniu": 9, "from": [2, 4, 8, 9, 10, 14, 15], "full": [4, 9], "fulli": 9, "func": 4, "func_binorm": 3, "func_binormal2": 3, "func_factor": 9, "func_load": 9, "func_predict": [2, 9], "func_tol": 4, "function": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 15], "furthermor": 9, "fuse": 10, "fuse_histogram": 10, "fusion_mlp_act": 9, "fusion_mlp_bn": 9, "fusion_mlp_dropout": 9, "g": [0, 2, 3, 4, 8, 9, 14], "gain": 9, "galleri": 9, "gamma": [8, 9], "gamma2tau": 8, "gamma_": 9, "gatconv_": 9, "gate": 9, "gaussian": [4, 9], "gaussian_mutual_inform": 4, "gausspdf": 4, "gb": 9, "gcn": 9, "gcn_layer": 9, "gener": [3, 4, 9, 15], "generate_cartesian_param": 3, "generate_colormap": 10, "generate_feature_nam": 2, "generatebinari": 9, "generatebinary_fix": 9, "generator_modul": 9, "generic_flow": 9, "genesi": 9, "gentyp": 4, "geom_mean_2d": 4, "geometr": [3, 4, 5, 7, 8, 9, 14, 15], "get": [2, 4, 9, 10], "get_act": 9, "get_datetim": 9, "get_device_nam": 14, "get_first_indic": 2, "get_full_hessian": 4, "get_gpu_memory_map": 9, "get_gradi": 4, "get_jacobian": 4, "get_lipschitz_const": 9, "get_lipschitz_loss": 9, "get_lorentz_edge_featur": 9, "get_node_featur": [5, 7], "get_num_ev": 9, "get_pdf": 9, "get_predictor": 3, "get_rootfiles_jpsi": 4, "get_simple_edge_index": 9, "get_weight": 9, "getdimens": 2, "getgenericmodel": 9, "getgenericparam": 9, "getgraphmodel": 9, "getgraphparam": 9, "getmtim": 9, "gharbi": 4, "gine_help": 9, "gineconv": 9, "gineconv_": 9, "git": [13, 14], "github": [0, 3, 5, 14, 16], "give": [4, 9], "given": 9, "glob": 9, "glob_expand_fil": 9, "global": [3, 5, 7, 8, 9, 10], "global_pool": 9, "gnn": 9, "gnngener": 9, "goe": 14, "golden": 4, "googl": 14, "gov": 3, "gpu": 9, "gpu_task": 14, "gra_data": 5, "grad": 9, "grad_norm": 9, "gradient": [4, 9, 15], "gradientrevers": 9, "gradientreversalfunct": 9, "gram": 9, "gram_matrix": 9, "graph": [3, 5, 7, 15], "graph_param": [3, 5, 7], "graphic": 14, "green": 9, "grid_max": 9, "grid_min": 9, "grid_on": 9, "group": 4, "group_systemat": 4, "guid": 16, "gumbel_distribut": 4, "h": [4, 9], "h5dataset": 2, "h_data": 10, "h_mc": 10, "h_score": 4, "ha": [9, 14], "hacin": 4, "hacine2d": 4, "hacine_entropy_bin": 4, "hacine_joint_entropy_bin": 4, "hackathonlink": 5, "handl": [2, 3, 9, 15], "happen": 9, "hash": 9, "hashabl": 9, "have": [8, 9, 15], "hd5dir": 2, "hdf5": [2, 15], "hdf5_append": 2, "hdf5_write_handl": 2, "head_dim": 9, "header": 9, "heatmap": [8, 9], "helper": [4, 8, 9], "hep": 0, "hepdata": 10, "hepmc2vec4": 9, "hepmc3": 9, "here": [4, 9], "hessian": [4, 9], "hessian_const": 9, "hessian_mod": 9, "hgcal": [5, 15], "hidden": 4, "hidden_dim": [4, 9], "high": [0, 9, 11, 15], "hinklei": 4, "hist": [9, 10], "hist_edg": 9, "hist_filled_error": 10, "hist_flush": 2, "hist_list": 10, "hist_obj": 10, "hist_to_dens": 10, "hist_to_density_fullspac": 10, "histhepdata": 10, "histmc": 10, "histogram": [2, 4, 9, 10, 15], "histogram_help": 9, "histtyp": 10, "hlt": [11, 15], "hnl": [6, 15], "hobj": [2, 10], "home": 14, "hook": [4, 9], "horizontal_lin": 3, "hot": 9, "how": [9, 16], "howev": 14, "html": [3, 4, 9, 16], "http": [0, 3, 4, 5, 9, 13, 14, 16], "hybrid": 9, "hyperbin": 4, "hyperparamet": 15, "i": [2, 3, 4, 9, 10, 14, 15, 16], "i_scor": 4, "ic": [14, 15], "iceboost": 15, "icebrem": [0, 15], "icebrk": [0, 15], "icecool": 14, "icedqcd": [0, 15], "icefit": [0, 15], "icehgc": [0, 15], "icehnl": [0, 15], "iceid": [0, 15], "icemc": 0, "icenet": [0, 14, 15], "iceplot": [0, 15], "iceqsub": 15, "icetrg": [0, 15], "icexyw": 9, "iceze": [0, 15], "id": [1, 3, 5, 6, 7, 9, 11, 12, 15], "id_rsa": 13, "idea": 0, "ident": 9, "identifi": 9, "idqf": 4, "ids_kin": 9, "ids_raw": 9, "ids_x_kin": 9, "ignor": [4, 9], "imag": 9, "image_clu_": 9, "image_clu_eta": 9, "image_clu_phi": 9, "image_var": 7, "implement": [4, 9, 15], "implicit": 9, "import": [9, 14], "importance_typ": 9, "imput": 9, "impute_data": 9, "impute_dataset": 9, "in_channel": 9, "in_dim": 9, "in_featur": 9, "inactive_color": 9, "includ": [0, 9], "include_mva_var": 9, "include_tag": 9, "increas": 9, "ind": 9, "independ": 4, "index": [0, 4, 9], "index_list": 9, "index_of_first_sign": 2, "index_of_last_sign": 2, "indic": 9, "indico": 4, "individu": 9, "inf": [4, 9], "infer": [9, 15], "infinit": 14, "info": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12, 14], "infoflow": 9, "inform": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12, 15], "infostat": 2, "infostats_bc": 2, "init": [2, 14], "init_": 9, "init_func": 9, "init_scal": 9, "init_stat_object": 2, "initarrai": 2, "initi": [2, 4, 9], "initialize_paramet": 9, "inner": 4, "input": [1, 2, 4, 7, 9, 12, 15], "input_dim": 9, "input_path": 4, "input_s": 4, "inputparam": 4, "inspect": 15, "instal": 0, "instanc": [4, 9], "instead": [4, 9], "instr": 9, "int": [4, 9], "int2onehot": 9, "integ": 9, "integr": [4, 9, 10, 15], "intend": 9, "interest": 9, "intergr": 9, "intermedi": 9, "interpol": 4, "interv": 4, "introduct": 0, "invari": [8, 9], "invers": [4, 9, 15], "inverse_sigmoid": 9, "invmass": 9, "invmass_massless": 9, "io": [3, 4, 16], "iodir": 2, "ipynb": 5, "is_avail": 14, "ismc": [1, 2, 3, 5, 11], "isotrop": 8, "iter": [4, 9], "its": [4, 9], "j": [4, 9], "j_": 9, "jacobian": 9, "jag": [1, 2, 3, 5, 6, 7, 9, 11, 12], "jagged2matrix": 9, "jagged2tensor": 9, "jagged_ak_to_numpi": 9, "jagged_dim": 9, "jagged_maxdim": 9, "jagged_var": 9, "jax": 15, "job": 15, "job_description_fil": 14, "job_id": 14, "joint": 4, "just": [4, 9, 10], "jvp": 9, "k": [4, 9, 15], "k1": 4, "k2": 4, "k_dim": 9, "k_p4": 2, "keep": 4, "kei": [2, 9], "key_index": 9, "kind": 4, "kinemat": [2, 4, 8], "kl": 9, "kl_div": 9, "kl_prob": 9, "kl_reco": 9, "knn": 9, "knn_k": 9, "knuth": 4, "kolmogorov": 15, "kt": 9, "kt2_i": 9, "kt2_j": 9, "ktmetric": 9, "kw": 9, "kwarg": [1, 2, 3, 4, 9, 10], "l": [4, 9, 10], "l02962": 4, "l02_taylor_approxim": 4, "l1": 9, "l1_p4": 2, "l2": [4, 9], "l2_p4": 2, "l_q": 9, "lab": 8, "label": [1, 2, 3, 4, 5, 6, 7, 9, 10, 11, 12], "labels": 10, "labelsize_ratio": 10, "lambda1": 4, "lambda2": 4, "larg": [4, 15], "last": [2, 9], "last_act": 9, "last_tanh": 9, "last_tanh_scal": 9, "latent_dim": 9, "latest": [4, 9, 16], "latter": [4, 9], "lattic": 15, "lattice_valu": 3, "launch": 15, "law": 8, "layer": 9, "layer_list": 9, "layer_norm": 9, "ld_library_path": 14, "ldd": 14, "lead": 4, "learn": [0, 4, 9, 15], "learnabl": 9, "left": 14, "legend": 10, "legend_count": 10, "legend_fonts": [9, 10], "legend_handlelength": 10, "legend_properti": 10, "length": [4, 9], "letter": 4, "level": [4, 5, 9, 11, 15], "lib": 14, "libcusolv": 14, "libcuspars": 14, "librari": [0, 7, 9, 15], "lifetim": 8, "like": 9, "likelihood": [4, 9, 15], "lim": 10, "limit": [4, 9], "limit_wrapper_dict": 3, "linear": [4, 9, 10, 15], "linearlay": 9, "linearli": 9, "lines_bars_and_mark": 9, "linewidth": [9, 10], "link": 14, "linux": 14, "lipschitz": [9, 15], "lipschitzlinear": 9, "list": [1, 2, 3, 5, 6, 7, 9, 10, 11, 12, 14], "list_local_devic": 14, "listoset": 9, "ll_splusb": 4, "ln": 14, "load": [1, 3, 5, 6, 7, 9, 11, 12, 14], "load_file_wrapp": 9, "load_help": 12, "load_id": 5, "load_model": 9, "load_root_fil": [1, 3, 5, 6, 7, 11, 12], "load_start_epoch": 9, "load_torch_checkpoint": 9, "load_torch_model": 9, "load_tre": 9, "load_tree_stat": 9, "loader": 9, "local": 16, "log": [4, 9, 14], "log10": 9, "log_": 4, "log_phat": 9, "log_phat_0": 9, "log_phat_1": 9, "log_pxz": 9, "log_softmax": 9, "logarithm": 9, "logic": [5, 9], "logist": [9, 15], "logit": [9, 15], "logit_beta": 9, "logit_l1_loss": 9, "logit_l2_loss": 9, "logitswithtemperatur": 9, "logl": 4, "lognormal_param": 4, "logsoftmax": 9, "logsumexp": 9, "longer": 9, "longitudin": 9, "longvec2matrix": 9, "loop": [3, 4, 8, 9, 14], "lorentz": 9, "los2lol": 9, "loss": [4, 9, 15], "loss_func": 9, "loss_histori": 9, "loss_kl_reco": 9, "loss_sign": 9, "loss_wrapp": 9, "losstyp": 4, "low": [4, 15], "lower": 4, "lq_binary_loss": 9, "lqbernoulliwithlogitsloss": 9, "lr": [4, 9], "lrang": 4, "lw": 10, "m": [4, 8, 9, 14, 16], "m1": 8, "m1_const": 9, "m2": [8, 9], "m2_const": 9, "m_valu": 8, "ma_et": 4, "machin": [9, 14], "machineri": 15, "macro": [9, 15], "mad": 9, "made": 4, "mae_loss": 9, "mag": 9, "magnitud": 9, "mai": [9, 14], "main": [2, 3, 4, 9, 15], "main_modul": 9, "mainloop": 9, "make": [9, 14, 15, 16], "make_hash": 9, "make_hash_sha256_fil": 9, "make_hash_sha256_object": 9, "make_plot": 9, "makedir": 9, "manbit": 4, "mandigit": 4, "mani": [9, 15], "manifest": 15, "manipul": 9, "mantissa_titl": 4, "map": 9, "map_xyw": 9, "margin": 4, "mark": 9, "marker": 9, "markup": 0, "mask": [4, 9], "maskedweight": 9, "mass": [8, 9, 10], "massiv": 8, "massless": 9, "master": [4, 5, 16], "match": [2, 4, 9], "match_mod": 4, "math": 4, "mathbf": 9, "mathcal": 9, "matplotlib": 9, "matric": 9, "matrix": [4, 8, 9], "max": [4, 9], "max_batch_s": 9, "max_it": 9, "max_reg": 9, "max_restart": 4, "maxbin": 4, "maxdim": 9, "maxev": [1, 2, 3, 5, 6, 7, 9, 11, 12], "maximum": [2, 4, 9], "maxit": [4, 9], "maxm": 4, "maxn": 2, "maxout": [9, 15], "maxruntim": 14, "maxt3": 2, "maxval": 4, "mc": [1, 2, 3, 4, 5, 7, 9, 10], "mc_extreme_multivariate_npdf": 4, "mc_extreme_npdf": 4, "mc_param": 3, "mc_xs_scale": 10, "mcdata": 10, "mcfile": 12, "mcinfostat": 2, "mcinfostats_bc": 2, "md": 9, "mean": [4, 8, 9], "measur": [4, 9], "mechan": 15, "median": [3, 4, 9], "medium": 9, "member": 9, "memori": 9, "merg": 9, "merge_connect": 9, "messag": [9, 14], "met": 9, "meter": 9, "method": [3, 4, 9], "metric": [9, 15], "mi": [4, 9], "mi_lb": 4, "mi_loss": 9, "mi_modul": 9, "mieskolainen": [0, 13, 14], "mikael": 0, "min": [4, 9], "min_scor": 9, "minbin": 4, "mine": 15, "mine_ema": 4, "minenet": 4, "minibatch": 9, "minim": [4, 10], "minimum": [4, 9], "minmax": 9, "minorticks_on": 10, "minu": 4, "miss": 9, "mixtur": 4, "mixture_nl": 4, "mkdir": 14, "ml": 9, "ml_nmf": 9, "ml_update_h": 9, "ml_update_w": 9, "mlp": [4, 9, 15], "mlp_all_act": 9, "mlp_dim": [4, 9], "mlp_edg": 9, "mlp_latent": 9, "mode": [2, 4, 9], "model": [3, 4, 9], "model_param": 3, "model_to_cuda": 9, "modeldir": 9, "modelnam": 9, "modelwithtemperatur": 9, "modif": 9, "modifi": 9, "modul": [0, 4, 9, 15], "moment": 9, "momentum": [8, 9], "mont": [4, 8], "more": [4, 8, 9, 15], "moreov": 9, "most": 9, "mother": 8, "motiv": 4, "move": 4, "mp_attn_dim": 9, "mse_loss": 9, "mt": 9, "mu": [4, 9], "mu0": 3, "mu1": 3, "mu_b": 4, "mu_bound": 4, "mu_d": 4, "mu_init": 4, "mu_up": 4, "multi": 9, "multiclass": 9, "multiclass_cross_entropy_logprob": 9, "multiclass_focal_entropy_logprob": 9, "multiclass_logit_norm_loss": 9, "multiclass_roc_auc_scor": 9, "multidimension": 9, "multilabel": 2, "multilay": 15, "multinomi": 9, "multipl": [4, 9], "multipli": 9, "multiprocess": [4, 9], "multiprocess_airw_wrapp": 9, "multiprocess_plot_wrapp": 9, "multivari": [4, 9], "muon": 4, "must": 9, "mutual": [4, 9, 15], "mutual_inform": 4, "mva": [2, 9], "mva_plot": 9, "mvavar": 9, "mynet": 9, "n": [2, 3, 4, 8, 9, 10], "n1": 4, "n2": 4, "n_algo": 2, "n_bootstrap": 4, "n_buffer": 4, "n_dim": 9, "n_interp": 4, "n_max": 9, "n_mva_bin": 9, "n_weight": 2, "name": [3, 4, 5, 7, 9, 14, 15], "nan": 9, "nano": 14, "nanotron": 13, "nat": 4, "nbin": [4, 9], "ncbi": 3, "nchannel": 9, "ncol": 9, "nd": 9, "ndarrai": [4, 9], "nearest": 9, "necessarili": 9, "need": [4, 9, 14], "needs_input_grad": 9, "neg": [4, 9], "neighbour": 9, "nest": 9, "net": [4, 9, 15], "netparam": 9, "network": [4, 9, 15], "neural": [4, 9, 15], "neuron": 9, "new": [2, 4, 9, 15], "newind": 9, "newvar": 9, "nih": 3, "nihm": 3, "nll": [4, 9], "nlm": 3, "nn": 9, "nnconv_": 9, "node": [5, 9, 15], "node_featur": 3, "noise_std": 4, "nomin": 4, "non": [2, 4, 9, 15], "none": [1, 2, 3, 4, 5, 6, 7, 9, 10, 11, 12], "nonlinear": 9, "norm": [4, 9], "norm_weight": 9, "normal": [2, 3, 4, 9, 10, 15], "normal_distribut": 4, "note": [4, 9, 14], "novel": 0, "np": [4, 7, 9], "npoint": 9, "nrow": 9, "ntot": 4, "null": 9, "null_valu": [3, 5, 7, 9], "num": 9, "num_bootstrap": 9, "num_class": 9, "num_cpu": 9, "num_edg": 9, "num_edge_featur": 9, "num_entri": 9, "num_ev": 9, "num_grid": 9, "num_head": 9, "num_it": 4, "num_mask": 4, "num_nod": [5, 7, 9], "num_node_featur": [5, 7], "num_slic": 9, "num_toi": 4, "num_toys_ob": 4, "num_toys_pdf": 4, "num_unit": 9, "number": [2, 3, 4, 8, 9], "number_of_set_bit": 9, "numer": [4, 9], "numpi": [4, 9, 15], "nvcc": 14, "nvidia": 14, "nx1": 4, "nxn": [4, 9], "nympi": 9, "o": [4, 9, 15], "ob": 2, "obei": 4, "obj": 2, "object": [2, 3, 4, 5, 7, 9, 10], "observ": [2, 4, 9, 10], "observed_fisher_info": 4, "observed_inform": 4, "obtain": 4, "occupi": 9, "one": [4, 9], "onehot": 9, "ones": 9, "onli": [2, 3, 4, 5, 7, 9, 14], "open": [2, 9], "oper": [2, 9], "opt": 4, "opt_param": 9, "optbin": 4, "optbins2d": 4, "optim": [4, 15], "optimal_design": 4, "optimize_method": 4, "optimize_select": 3, "option": 9, "orang": 9, "order": [9, 10], "ordered_legend": 10, "ordereddict": 9, "org": [4, 9, 16], "origin": 9, "oserror": 14, "other": [8, 9, 15], "otherwis": 9, "otim": 4, "out": [4, 9], "out_channel": 9, "out_dim": 9, "out_featur": 9, "outer": 4, "outer_sim_loop": 8, "outer_sim_loop_2": 8, "outlier": 4, "output": [2, 4, 9, 14, 15], "output_dim": 9, "output_fil": 9, "outputp": 2, "outputxi": 2, "over": [4, 8, 9, 10], "overlaid": 10, "overrid": 9, "overridden": [4, 9], "p": [4, 8, 9], "p1": 8, "p2": 8, "p2zscore": 4, "p3": 9, "p3mod": 9, "p3mod2": 9, "p4": 8, "p4track": 7, "p4vec": [5, 7, 9], "p_": 4, "p_i": 9, "p_valu": 4, "p_x": 4, "p_z": 4, "packag": 14, "pad": 2, "pair": 8, "pairwis": 9, "pan": 9, "pan_pool_weight": 9, "panconv": 9, "panconv_": 9, "panconv_filter_weight": 9, "pandropout": 9, "panentropi": 9, "panentropy_spars": 9, "panpool_filter_weight": 9, "panumpool": 9, "panxhmpool": 9, "panxumpool": 9, "paper": 4, "param": [3, 4, 8, 9], "param_fix": 3, "param_run": 3, "paramet": [1, 2, 3, 4, 5, 6, 7, 8, 9, 11, 12], "parametr": [4, 15], "parquet": 15, "pars": [5, 9], "parse_boolean_exptre": 9, "parse_graph_data": [3, 7], "parse_graph_data_candid": 5, "parse_graph_data_trackst": 5, "parse_tensor_data": 7, "parser": 9, "partial": 9, "particl": 9, "particle_phys": 4, "pass": [4, 9], "path": [1, 2, 3, 5, 6, 7, 9, 11, 12], "path_with_spac": 14, "pattern": 4, "pbar": 9, "pdf": [3, 4, 8, 9, 15], "pdf_1d_hist": 9, "pdf_2d_hist": 9, "peak": 4, "pearson": 4, "pearson_corr": 4, "pearson_correlation_coeffici": 4, "pen": 9, "pen1_max": 9, "pen1_mean": 9, "pen_max": 9, "pen_mean": 9, "per": [2, 4, 9], "percent": 4, "percentil": 4, "percentile_per_dim": 4, "percentile_rang": 9, "perceptron": 9, "perform": [4, 9], "perm": 9, "permut": [9, 15], "perturb": 4, "phase": 8, "phat": 9, "phi": [8, 9], "phi1": [2, 9], "phi2": [2, 9], "phi3": 2, "phi_": 9, "phi_lay": 9, "phi_phasewrap": 9, "phi_pipi": 9, "physic": [0, 2, 4, 15], "pick": 9, "pick_ind": 9, "pick_index": 9, "pick_var": 9, "pickl": [2, 9, 15], "pickle_fil": 2, "pip": 14, "pleas": 0, "plot": [3, 4, 8, 10, 15], "plot_airw": 9, "plot_auc_matrix": 9, "plot_brazil": 3, "plot_contour_grid": 9, "plot_correl": 9, "plot_correlation_comparison": 9, "plot_horizontal_lin": 10, "plot_import": 9, "plot_matrix": 9, "plot_reweight_result": 9, "plot_roc_fit": 3, "plot_select": 9, "plot_threshold": 9, "plot_train_evolution_multi": 9, "plot_unweight": 9, "plot_xgb_import": 9, "plot_xyz_multiple_model": 9, "plot_xyz_wrap": 9, "plotdir": 9, "plotvar": 9, "pmc": 3, "pmc5570585": 3, "point": [3, 4, 9], "poisson": 4, "poisson_ratio": 4, "poisson_tail": 4, "polyak": 9, "pool": 9, "posit": [4, 8, 9], "possibl": [2, 4, 9], "power": [4, 8, 10], "poweranalysi": 2, "powerset": [2, 9], "powerset_constructor": 9, "powerset_cutmask": 9, "ppf": 4, "practic": 4, "prc_ci": 4, "pre": [1, 3, 5, 6, 7, 9, 11, 12], "precis": [4, 9], "pred": 9, "pred_cut": 9, "pred_cutset": 9, "pred_flow": 9, "pred_flr": 9, "pred_func": 9, "pred_graph_xgb": 9, "pred_torch_gener": 9, "pred_torch_graph": 9, "pred_torch_scalar": 9, "pred_xgb": 9, "pred_xgb_logist": 9, "pred_xgb_scalar": 9, "predict": [4, 15], "predictor": 3, "present": 4, "prettyprint": 9, "previou": [2, 9], "principl": [9, 14], "print": [2, 4, 14], "print_colored_matrix": 9, "print_exptre": 9, "print_flow": 9, "print_mc_ev": 2, "print_parallel_cutflow": 9, "print_ram_usag": 9, "print_stat": 9, "print_to_screen": 9, "print_until_don": 9, "print_vari": 9, "print_weight": 9, "printbar": 9, "printbranch": 9, "printer": 9, "printloss": 9, "printmax": 2, "printout": 9, "prob": 9, "probabl": [4, 8, 9], "probe": [4, 15], "problem": [4, 9, 15], "process": [2, 3, 5, 15], "process_batch": 9, "process_data": [3, 9], "process_func": 9, "process_memory_us": 9, "process_raw_data": 9, "process_regexp_id": 9, "process_root": [1, 3, 5, 11], "process_tracklet_data": 5, "processor": 9, "prod_eprop": 4, "prod_i": 9, "prodratio_eprop": 4, "produc": [3, 4, 13], "produce_acceptance_sim": 8, "producenano": 13, "product": [4, 8, 9], "profil": 4, "program": 3, "progress": 9, "progress_actor": 9, "progressbar": 9, "progressbaractor": 9, "project": 13, "propag": [4, 9], "proper": 4, "properti": 9, "proport": 4, "protect": [4, 9], "proto": 15, "pseudo": 9, "psi": 4, "pt": [8, 9], "pt1": 9, "pt2": [8, 9], "pt2_valu": 8, "pub": [4, 13], "pure": 9, "pval": 4, "px": 9, "py": [9, 13, 14, 15], "pypars": 9, "python": [9, 14, 15], "pytorch": [3, 5, 7, 9, 14, 15], "pz": 9, "q": [4, 9], "q_dim": 9, "q_exp": 9, "q_log": 9, "qset": 2, "quadrat": 4, "quantil": [4, 9], "quantiz": 4, "quasi": [4, 15], "question": 9, "queue": 14, "r": [4, 8, 9, 14, 15], "radialbasisfunct": 9, "radiu": [8, 9], "rai": [4, 9], "ralsina": 16, "ram": 9, "rand_lognorm": 4, "rand_powexp": 4, "randexp": 8, "random": [4, 8, 9], "randpow": 8, "rang": [4, 9, 10], "rank": 4, "rap": [8, 9], "rap_valu": 8, "rapid": [8, 9], "rate": [4, 9], "ratio": [4, 9, 10, 15], "ratio_eprop": 4, "ratio_error_plot": 10, "ratio_plot": 10, "ratioerr": 10, "ravier": 4, "raw": 9, "raytun": [9, 15], "raytune_main": 9, "rb": 2, "rd": 3, "rdbu": 9, "re": [3, 4, 5, 7, 9], "reach": 9, "read": [2, 4, 9], "read_cli": 9, "read_config": 9, "read_data_tracklet": 5, "read_multipl": 9, "read_singl": 9, "reader": 9, "readthedoc": [4, 16], "reasili": 15, "receiv": 9, "recip": [4, 9], "reco": 2, "reco_prob": 9, "recognit": 4, "reconstruct": [2, 9], "record": 9, "recov": 4, "recurs": 9, "recursive_concaten": 9, "recursive_glob": 9, "red": 9, "reduc": 9, "reduce_mantissa_bit": 4, "reduce_mantissa_digit": 4, "reducelronplateau": 9, "reduct": 9, "reevalu": 9, "refer": [4, 9], "reference_class": 9, "refin": 5, "regard": 15, "regexp": 9, "regist": [4, 9], "regress": [9, 15], "regressor": 9, "regul": [9, 15], "regular": [4, 9, 15], "rel": [4, 9], "relat": 4, "reli": 9, "relu": [4, 9], "remark": [9, 14], "rememb": 9, "remot": 9, "remov": 14, "rep": 9, "replac": 9, "replace_param": 9, "repo": 14, "report": 9, "repres": [4, 9], "represent": [1, 3, 5, 6, 7, 9, 11, 12, 15], "request_gpu": 14, "request_memori": 14, "requir": [4, 9, 14], "research": 0, "reset": 9, "reset_param": 9, "reset_paramet": 9, "reshap": 9, "reso": 9, "resolut": 9, "reson": 8, "resonance_gener": 8, "respect": 9, "rest": [9, 16], "restart": 4, "restructuredtext": 16, "restucturedtext": 16, "result": [4, 9], "retriev": 9, "return": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12], "return_ab": 4, "return_cov": 4, "return_ful": 4, "return_mask": [1, 3], "return_model": 9, "return_model_onli": 4, "return_nbin": 10, "return_powerset": 9, "return_prob": 9, "revers": [9, 15], "reweight": 15, "reweightcoeff1d": 9, "reweightcoeff2d": 9, "rgross": 4, "rho": 4, "rho_lay": 9, "rho_xi": 4, "right": 15, "rjafrocbook": 3, "rngseed": 9, "robust": 9, "roc": [3, 9, 15], "roc_label": 3, "roc_obj": 3, "roc_plot": 9, "root": [1, 3, 4, 5, 6, 7, 9, 11, 12, 15], "root_path": [1, 3, 5, 6, 7, 9, 11, 12], "rootfil": [4, 5, 9, 11], "rootnam": 9, "rootsaf": 9, "rotatei": 9, "rotateso3": 9, "rotatex": 9, "rotatez": 9, "round": 4, "round_sig": 4, "round_threshold": 9, "routin": [8, 9], "row": [4, 9], "rst": [0, 16], "rule": [4, 9], "run": [4, 9, 14, 15], "run_jpsi_peakfit": 4, "run_jpsi_tagprob": 4, "run_limits_vector": 3, "runme_dqcd_vector_init_yaml": 15, "runmod": [5, 9], "runtim": 13, "rw_transform": 9, "rw_transform_with_logit": 9, "rwmode": 2, "s1": 4, "s1_color": 3, "s2": 4, "s2_color": 3, "s_hypothesi": 4, "s_pdf": 9, "s_regul": 3, "s_syst_error": 4, "s_syst_typ": 4, "safetxt": 9, "sageconv_": 9, "sahilcarterr": 9, "same": [4, 8, 9], "sampl": [3, 4, 9, 10, 15], "sample_batch": 4, "satisfi": 14, "save": [9, 15], "save_for_backward": 9, "save_for_forward": 9, "save_nam": 9, "save_torch_model": 9, "savenam": 3, "savepath": [3, 4], "saver": 9, "scalar": [4, 9], "scalar_var": 9, "scale": [4, 9, 10, 15], "scan": 4, "scikit": 9, "score": [3, 9], "scott": 4, "scott2d": 4, "scott_bin": 4, "scram": 13, "scram_arch": 13, "scramv1": 13, "script": [14, 15], "sd0": 3, "sd1": 3, "search": 4, "second": [4, 9], "see": [0, 4, 9, 15], "seed": 9, "select": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12], "selection_a": 4, "selection_b": 4, "self_loop": 9, "semi": 9, "separ": [9, 14], "seper": 9, "sequenti": 9, "seri": 9, "serif": 10, "set": [2, 4, 8, 9, 10, 13, 14], "set_arr_format": 9, "set_aspect_true_equ": 8, "set_axis_tick": 10, "set_constructor": 9, "set_global_styl": 10, "set_of_var": 9, "set_random_se": 9, "set_schedul": 9, "setconda": 14, "sete": 9, "setenv": 14, "seti": 9, "setmagthetaphi": 9, "setp3": 9, "setpt2rapphim2": 9, "setptetaphi": 9, "setptetaphim": 9, "setpxpypz": 9, "setup": [9, 16], "setup_context": 9, "setx": 9, "setxyz": 9, "setxyzm": 9, "setxyzt": 9, "setz": 9, "sgconv_": 9, "sh": [13, 14, 15], "sha256": 9, "shannon": 4, "shell": 14, "should": [4, 9, 14], "showmem": 9, "showmem_cuda": 9, "side": 4, "sig": 4, "sigma": [4, 9], "sigma_a": [4, 10], "sigma_ab": 10, "sigma_b": [4, 10], "sigmaa": 4, "sigmaab": 4, "sigmab": 4, "sigmoid": 9, "sigmoid_schedul": 9, "sign": 9, "signal": [2, 4, 9, 15], "signific": 4, "silent": [4, 9], "silu": 9, "similar": [9, 14], "simpl": [4, 8, 15], "simul": 8, "simultan": [4, 9], "sinc": [4, 9], "singl": [4, 9], "size": [4, 8, 9], "skip": 9, "skip_connect": 9, "skip_graph": 3, "skip_reweight": 9, "slc7_amd64_gcc700": 13, "slice": 9, "slice_rang": 9, "slow": 4, "smi": 14, "so": [9, 14], "soft": 9, "softmax": 9, "softpredict": 9, "softwar": [0, 14], "solv": 4, "solver": 4, "someth": [4, 14], "sophist": 15, "sort": 9, "sort_fpr_tpr": 9, "sourc": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "space": [8, 9, 10, 14], "sparsetensor": 9, "special": 9, "specif": [9, 14, 15], "specifi": 9, "spheric": 8, "spherical_accept": 8, "sphinx": 16, "spline_weight_init_scal": 9, "splineconv_": 9, "splinelinear": 9, "split": 9, "split_data": 9, "split_data_simpl": 9, "split_siz": 9, "split_start_end": 9, "splitfactor": [1, 3, 5, 6, 7, 11, 12], "sqrt": [4, 9], "squar": [4, 8, 9], "src": 13, "stabil": 9, "stabl": 9, "stackoverflow": 9, "standard": [4, 9], "start": [0, 9, 10, 14, 15], "stat": [4, 9], "static": 9, "staticmethod": 9, "statist": [2, 4, 9, 15], "statu": 14, "std": [4, 9], "stderr": 4, "stdout": 9, "steer": [4, 9, 14, 15], "step": [9, 10], "stephist": 10, "stepspac": 10, "stop": [9, 10], "store": 9, "str": [4, 9], "strategi": 9, "strength": 4, "strict": [14, 15], "string": [1, 3, 5, 6, 7, 9, 11, 12], "structur": 9, "studi": 4, "style": [3, 4, 5, 7, 9, 10], "subclass": [4, 9], "sublabel": 9, "sublim": 16, "sublist": 2, "submiss": 15, "subset": 9, "substitut": 9, "success": 4, "suitabl": [9, 15], "sum": [4, 9, 10], "sum_": [4, 9], "sum_i": [4, 9], "sup": 4, "superedgeconv": 9, "superedgeconv_": 9, "superplot": 10, "superposit": 10, "superset": 2, "support": [9, 15], "sure": 15, "swap": 9, "swd": 9, "swd_reweight_loss": 9, "symbol": 14, "symmetr": 9, "syntax": 9, "syst_error": 4, "system": [9, 14], "systemat": 4, "t": [4, 9], "t_theta": 4, "tabl": 9, "table_writ": 9, "tag": [4, 15], "tail": 4, "take": [4, 9], "taken": [4, 9], "tanh": 9, "target": [3, 4, 5, 7, 9, 14], "target_list": 9, "targetdir": 9, "task": [4, 9], "tau": [8, 9], "tau2gamma": 8, "taylor": [4, 10], "tbd": 8, "technic": [4, 9], "techniqu": 4, "temper": 9, "temperatur": [9, 15], "temperature_scal": 9, "templat": 15, "temporari": 14, "tensor": [4, 7, 9, 15], "tensorflow": 14, "term": 9, "test": [4, 8, 9, 10, 13, 14, 15], "test_abcd": 4, "test_accuraci": 4, "test_const": 4, "test_dimension_interfac": 4, "test_efficiency_ratio": 4, "test_em": 4, "test_extreme_npdf": 4, "test_gaussian": 4, "test_hessian": 4, "test_icecube_concat": 9, "test_icecube_index": 9, "test_iceplot": 10, "test_jacobian": 4, "test_limits_unit_test": 4, "test_load": 9, "test_lognorm": 4, "test_mod": 4, "test_powerset": 9, "test_ratio": 4, "test_syntax_tree_flip": 9, "test_syntax_tree_pars": 9, "test_syntax_tree_simpl": 9, "test_toy_pt_spectrum": 8, "text": [8, 9], "textual": 9, "th1_8cxx_sourc": 4, "than": 4, "thei": [9, 15], "them": [4, 9], "theorem": 15, "theoret": 4, "theori": [3, 4, 15], "theta": [4, 9], "theta_ind": 4, "thi": [0, 2, 4, 9, 14, 16], "though": 9, "thr_points_sign": 9, "threshold": 9, "thu": 9, "tick": 10, "tick_calc": 10, "tick_creat": 10, "tick_label": 9, "time": 9, "time_benchmark": 9, "titl": [0, 9], "tmp": 14, "tmpdir": 14, "to_devic": 9, "to_edg": 9, "to_graph": 9, "togeth": [2, 9], "toi": 4, "tol": 9, "toler": 4, "tool": [4, 14, 15], "topk": 9, "torch": [4, 5, 9, 14, 15], "torch_construct": 9, "torch_convers": 9, "torch_cuda_total_memori": 9, "torch_loop": 9, "toronto": 4, "total": [4, 9, 10], "total_cov": 9, "total_gain": 9, "totalweight": 10, "tpr": [3, 9], "tpr_err": 3, "tpratio_taylor": 4, "tqdm": 9, "tr": 4, "track": 9, "trackloss": 9, "trackster": 5, "train": 4, "train_": 9, "train_cutset": 9, "train_eval_data_processor": 9, "train_flow": 9, "train_flr": 9, "train_func": 9, "train_graph_xgb": 9, "train_load": 9, "train_loop": 4, "train_model": 9, "train_torch_gener": 9, "train_torch_graph": 9, "train_xgb": 9, "trainabl": 9, "transfer": 9, "transform": [1, 3, 5, 6, 7, 9, 11, 12], "transport": 9, "treat": 9, "treatment": 9, "tree": [2, 5, 9, 11, 15], "tree_nod": 9, "trgbit": 9, "trial": 4, "trigger": [1, 3, 5, 6, 7, 11, 12, 15], "triplet": [2, 9], "triplet_cut": 2, "trk": 5, "trk_data": 5, "trk_eta": 9, "trk_pt": 9, "trn_auc": 9, "trn_weight": 9, "trn_weights_da": 9, "trn_x": 9, "true": [2, 3, 4, 8, 9, 10], "truncat": 12, "truth": [2, 9], "try": [9, 14], "tune": [9, 15], "tupl": 9, "turn": 9, "twiki": 4, "two": [4, 9, 10], "twobodi": 8, "txt": [9, 14], "type": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12], "typic": [3, 4, 5, 7, 15], "typo3": 16, "u": [4, 8, 9, 16], "u_dim": 9, "u_i": 4, "ultim": 15, "um": 9, "umich": 4, "unbias": 4, "unbin": 4, "uncertainti": 4, "under": [0, 9, 14, 15, 16], "underli": 15, "understood": 4, "undirect": 9, "uniform": [4, 8, 9], "uniqu": 10, "unit": [4, 9, 10], "univari": 4, "unknown": 4, "unless": 9, "unmask": 9, "unnorm": 9, "unrol": 9, "unroll_ak_field": 9, "unsupervis": 9, "untest": 9, "unzip": 9, "up": 9, "updat": 9, "upper": 4, "upper_l": 4, "uproot": 9, "url": 0, "us": [0, 4, 9, 14, 15, 16], "usag": 9, "use_base_upd": 9, "use_cl": 4, "use_dequant": 3, "use_residu": 9, "usual": 8, "uv": 4, "v": [4, 9], "v_dim": 9, "v_j": 4, "val_auc": 9, "val_weight": 9, "val_weights_da": 9, "val_x": 9, "valid": 9, "valid_load": 9, "valrang": 9, "valu": [3, 4, 9], "var": 9, "var_hidden_dim": 9, "variabl": [1, 3, 4, 5, 6, 7, 8, 9, 11, 12, 15], "varianc": [4, 9], "variat": [4, 9, 15], "variationalencod": 9, "variou": [9, 15], "varlist": 9, "ve": 9, "vec4": 9, "vector": [2, 4, 9], "verbos": [2, 4, 9, 10], "veri": [4, 9], "version": [0, 4], "versu": 4, "vertic": 4, "veto": 9, "via": [2, 4, 9, 15], "visibl": 10, "visual": [4, 9, 10], "vjp": 9, "vmax": 9, "vmin": 9, "vol": 14, "vram": 9, "w": [1, 2, 3, 4, 5, 6, 7, 9, 11, 12], "w_da": 9, "w_i": [4, 9], "w_val": 9, "wa": [4, 8, 9], "wai": 9, "wasserstein": 9, "wb": 2, "we": [2, 9], "weak": 4, "web": 4, "weight": [1, 3, 4, 5, 6, 7, 9, 10, 11, 12], "weight2onehot": 9, "weight_decai": [4, 9], "weighted_avg_and_std": 9, "weighted_binomial_err": 4, "weights_doublet": 9, "weights_init_al": 9, "weights_init_norm": 9, "weights_init_uniform_rul": 9, "welch": 4, "welch_ttest": 4, "were": 9, "wget": 14, "when": [4, 9], "where": [2, 4, 9, 14], "whether": 9, "which": [4, 9, 14, 15], "while": [4, 9], "white": 9, "why": 9, "width": [4, 8], "wiki": [4, 9, 16], "wikipedia": [4, 9, 16], "window": 4, "window_s": 4, "wise": 4, "within": [4, 9], "without": [4, 9, 15], "wnorm": 2, "work": [0, 4, 9, 14], "workflow": [0, 9, 15], "wrapper": [8, 9, 10], "write": [2, 9], "write_mod": 9, "www": [3, 4], "x": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 14, 15], "x1": 4, "x2": 4, "x2ind": 9, "x4": 8, "x86_64": 14, "x_a": 9, "x_arr": 9, "x_b": 9, "x_bin": 9, "x_binedg": 9, "x_err": [4, 9], "x_i": [4, 9], "x_input": 9, "x_j": 9, "x_kin": 9, "x_m": 9, "x_mad": 9, "x_mi": 9, "x_mu": 9, "x_n": 4, "x_raw": 9, "x_rot": 9, "x_std": 9, "x_subset": 9, "x_trn": 9, "x_trn_2d": 9, "x_val": 9, "x_val_2d": 9, "xcorr_flow": 9, "xdim": 10, "xgb": 9, "xgboost": [9, 15], "xgboostobject": 9, "xhat": [4, 9], "xlabel": [9, 10], "xlim": [9, 10], "xmin": 9, "xscale": 9, "xtick_step": 10, "xy": 9, "xy_err": 4, "xyz": 9, "xz": 4, "y": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 14], "y_arr": 9, "y_bin": 9, "y_binedg": 9, "y_cut": 4, "y_da": 9, "y_err": [4, 9], "y_hat": 9, "y_pred": 9, "y_rot": 9, "y_soft": 9, "y_target": 4, "y_trn": 9, "y_trn_da": 9, "y_true": [4, 9], "y_val": 9, "y_val_da": 9, "yaml": 9, "yaml_dump": 9, "year": 4, "ylabel": [9, 10], "ylabel_ratio": 10, "ylim": [3, 10], "ylim_ratio": 10, "yml": [9, 14, 15], "you": [0, 9, 14, 15], "your": [0, 14], "ypo": 10, "yscale": [9, 10], "ytick_ratio_step": 10, "ytick_step": 10, "z": [0, 3, 4, 8, 9], "z_": 4, "z_arr": 9, "z_dim": 9, "z_err": 4, "zero": [2, 9], "zorder": 10, "zscore_norm": 3}, "titles": ["First steps", "icebrem", "icebrk", "icedqcd", "icefit", "icehgcal", "icehnl", "iceid", "icemc", "icenet", "iceplot", "icetrg", "icezee", "CMSSW setup", "Installation", "Introduction", "Markup"], "titleterms": {"abcd": 4, "adam": 9, "adamax": 9, "advanc": 15, "ai": 15, "algo": 9, "algorithm": 15, "analyt": 9, "autogradxgb": 9, "autom": [14, 15], "aux": 9, "aux_torch": 9, "basic": 15, "binari": 14, "bnaf": 9, "c": 14, "cmssw": 13, "cnn": 9, "combinator": 15, "command": 14, "common": [1, 2, 3, 5, 6, 7, 11, 12], "commut": 4, "conda": 14, "configur": 15, "content": 0, "cortool": 4, "cuda": 14, "cutstat": 2, "da": 9, "dbnf": 9, "deep": 9, "deeptool": 9, "dep": 9, "deploi": 3, "dequant": 4, "design": 15, "distribut": 15, "dmlp": 9, "em": 4, "engin": 15, "environ": 14, "execut": 15, "fasthisto": 2, "fastkan": 9, "featur": 2, "file": 15, "first": 0, "flr": 9, "folder": 15, "gcnn": 9, "github": 13, "gpu": 14, "graph": 9, "graphio": [3, 5, 7], "grid": 15, "histo": 2, "htcondor": [14, 15], "iceboost": 9, "icebrem": 1, "icebrk": 2, "icedqcd": 3, "icefit": 4, "icehgc": 5, "icehnl": 6, "iceid": 7, "icelimit": 4, "icemap": 9, "icemc": 8, "icenet": 9, "iceplot": 10, "iceroot": 9, "icetrg": 11, "icevec": 9, "iceze": 12, "indic": 0, "initi": 14, "instal": 14, "introduct": 15, "io": 9, "jacobian": 4, "job": 14, "kei": 13, "librari": 14, "limit": 3, "lognorm": 4, "loop": 2, "losstool": 9, "lzmlp": 9, "mantissa": 4, "markup": 16, "maxo": 9, "mine": 4, "ml": 15, "mlgr": 9, "model": 15, "nmf": 9, "note": 0, "obsolet": 14, "optim": [3, 9], "packag": 0, "path": 14, "pdg": 2, "peakfit": 4, "pgraph": 9, "plot": 9, "possibl": 14, "pre": 14, "predict": 9, "preliminari": [13, 14], "preprocess": 5, "principl": 15, "print": 9, "problem": 14, "process": 9, "public": 13, "raytool": 9, "refer": 0, "releas": 13, "reweight": 9, "schedul": 9, "score": 4, "selector": 15, "setup": [13, 14], "sge": 15, "show": 14, "ssh": 13, "statstool": 4, "step": 0, "structur": 15, "stx": 9, "submiss": 14, "sun": 15, "support": 14, "tabl": 0, "technologi": 15, "tempscal": 9, "tool": [2, 9], "train": [9, 15], "vae": 9, "version": 14, "virtual": 14, "yaml": 15}})
\ No newline at end of file