%%capture

from IPython import get_ipython

install_packages = "google.colab" in str(get_ipython())
if install_packages:
    !pip install zfit hepstats

Introduction to zfit#

In this notebook, we will have a walk through the main components of zfit and their features. Especially the extensive model building part will be discussed separately. zfit consists of 5 mostly independent parts. Other libraries can rely on these parts to do plotting or statistical inference, such as hepstats does. Therefore, we will discuss two libraries in this tutorial: zfit to build models, data and a loss, minimize it and get a fit result and hepstats, to use the loss we built here and do inference.

zfit workflow

Data#

This component in general plays a minor role in zfit: it is mostly to provide a unified interface for data.

Preprocessing is therefore not part of zfit and should be done beforehand. Python offers many great possibilities to do so (e.g. Pandas).

zfit Data can load data from various sources, most notably from Numpy, Pandas DataFrame, TensorFlow Tensor and ROOT (using uproot). It is also possible, for convenience, to convert it directly to_pandas. The constructors are named from_numpy, from_root etc.

import matplotlib.pyplot as plt
import numpy as np
import zfit
# znp is a subset of numpy functions with a numpy interface but using actually the zfit backend (currently TF)
import zfit.z.numpy as znp
from zfit import z

A Data needs not only the data itself but also the observables: the human readable string identifiers of the axes (corresponding to “columns” of a Pandas DataFrame). It is convenient to define the Space not only with the observable but also with a limit: this can directly be re-used as the normalization range in the PDF.

First, let’s define our observables

obs = zfit.Space('obs1', -5, 10)

This Space has limits. Next to the effect of handling the observables, we can also play with the limits: multiple Spaces can be added to provide disconnected ranges. More importantly, Space offers functionality:

  • limit1d: return the lower and upper limit in the 1 dimensional case (raises an error otherwise)

  • rect_limits: return the n dimensional limits

  • area(): calculate the area (e.g. distance between upper and lower)

  • inside(): return a boolean Tensor corresponding to whether the value is inside the Space

  • filter(): filter the input values to only return the one inside

size_normal = 10000
data_normal_np = np.random.normal(size=size_normal, scale=2)

data_normal = zfit.Data.from_numpy(obs=obs, array=data_normal_np)

The main functionality is

  • nevents: attribute that returns the number of events in the object

  • data_range: a Space that defines the limits of the data; if outside, the data will be cut

  • n_obs: defines the number of dimensions in the dataset

  • with_obs: returns a subset of the dataset with only the given obs

  • weights: event based weights

Furthermore, value returns a Tensor with shape (nevents, n_obs).

To retrieve values, in general z.unstack_x(data) should be used; this returns a single Tensor with shape (nevents) or a list of tensors if n_obs is larger then 1.

print(
    f"We have {data_normal.nevents} events in our dataset with the minimum of {np.min(data_normal.unstack_x())}")  # remember! The obs cut out some of the data
We have 9945 events in our dataset with the minimum of -4.994718128545641

data_normal.n_obs
1

Model#

Building models is by far the largest part of zfit. We will therefore cover an essential part, the possibility to build custom models, in an extra chapter. Let’s start out with the idea that you define your parameters and your observable space; the latter is the expected input data.

There are two types of models in zfit:

  • functions, which are rather simple and “underdeveloped”; their usage is often not required.

  • PDF that are function which are normalized (over a specified range); this is the main model and is what we gonna use throughout the tutorials.

A PDF is defined by

(1)#\[\begin{align} \mathrm{PDF}_{f(x)}(x; \theta) = \frac{f(x; \theta)}{\int_{a}^{b} f(x; \theta)} \end{align}\]

where a and b define the normalization range (norm_range), over which (by inserting into the above definition) the integral of the PDF is unity.

zfit has a modular approach to things and this is also true for models. While the normalization itself (e.g. what are parameters, what is normalized data) will already be pre-defined in the model, models are composed of functions that are transparently called inside. For example, a Gaussian would usually be implemented by writing a Python function def gauss(x, mu, sigma), which does not care about the normalization and then be wrapped in a PDF, where the normalization and what is a parameter is defined.

In principle, we can go far by using simply functions (e.g. TensorFlowAnalysis/AmpliTF by Anton Poluektov uses this approach quite successfully for Amplitude Analysis), but this design has limitations for a more general fitting library such as zfit (or even TensorWaves, being built on top of AmpliTF). The main thing is to keep track of the different ordering of the data and parameters, especially the dependencies.

Let’s create a simple Gaussian PDF. We already defined the Space for the data before, now we only need the parameters. This are a different object than a Space.

Parameter#

A Parameter (there are different kinds actually, more on that later) takes the following arguments as input: Parameter(human readable name, initial value[, lower limit, upper limit]) where the limits are recommended but not mandatory. Furthermore, step_size can be given (which is useful to be around the given uncertainty, e.g. for large yields or small values it can help a lot to set this). Also, a floating argument is supported, indicating whether the parameter is allowed to float in the fit or not (just omitting the limits does not make a parameter constant).

The name of the parameter identifies it; therefore, while multiple parameters with the same name can exist, they cannot exist inside the same model/loss/function, as they would be ambiguous.

mu = zfit.Parameter('mu', 1, -3, 3, step_size=0.2)
another_mu = zfit.Parameter('mu', 2, -3, 3, step_size=0.2)
sigma_num = zfit.Parameter('sigma42', 1, 0.1, 10, floating=False)

These attributes can be changed:

print(f"sigma is float: {sigma_num.floating}")
sigma_num.floating = True
print(f"sigma is float: {sigma_num.floating}")
sigma is float: False

sigma is float: True

Now we have everything to create a Gaussian PDF:

gauss = zfit.pdf.Gauss(obs=obs, mu=mu, sigma=sigma_num)

Since this holds all the parameters and the observables are well defined, we can retrieve them

gauss.n_obs  # dimensions
1
gauss.obs
('obs1',)
gauss.space
<zfit Space obs=('obs1',), axes=(0,), limits=(array([[-5.]]), array([[10.]])), binned=False>
gauss.norm_range
<zfit Space obs=('obs1',), axes=(0,), limits=(array([[-5.]]), array([[10.]])), binned=False>

As we’ve seen, the obs we defined is the space of Gauss: this acts as the default limits whenever needed (e.g. for sampling). gauss also has a norm_range, which equals by default as well to the obs given, however, we can explicitly change that with set_norm_range.

We can also access the parameters of the PDF in two ways, depending on our intention: either by name (the parameterization name, e.g. mu and sigma, as defined in the Gauss), which is useful if we are interested in the parameter that describes the shape

gauss.params
{'mu': <zfit.Parameter 'mu' floating=True value=1>,
 'sigma': <zfit.Parameter 'sigma42' floating=True value=1>}

or to retrieve all the parameters that the PDF depends on. As this now may sounds trivial, we will see later that models can depend on other models (e.g. sums) and parameters on other parameters. There is one function that automatically retrieves all dependencies, get_params. It takes three arguments to filter:

  • floating: whether to filter only floating parameters, only non-floating or don’t discriminate

  • is_yield: if it is a yield, or not a yield, or both

  • extract_independent: whether to recursively collect all parameters. This, and the explanation for why independent, can be found later on in the Simultaneous tutorial.

Usually, the default is exactly what we want if we look for all free parameters that this PDF depends on.

gauss.get_params()
OrderedSet([<zfit.Parameter 'mu' floating=True value=1>, <zfit.Parameter 'sigma42' floating=True value=1>])

The difference will also be clear if we e.g. use the same parameter twice:

gauss_only_mu = zfit.pdf.Gauss(obs=obs, mu=mu, sigma=mu)
print(f"params={gauss_only_mu.params}")
print(f"get_params={gauss_only_mu.get_params()}")
params={'mu': <zfit.Parameter 'mu' floating=True value=1>, 'sigma': <zfit.Parameter 'mu' floating=True value=1>}

get_params=OrderedSet([<zfit.Parameter 'mu' floating=True value=1>])

Functionality#

PDFs provide a few useful methods. The main features of a zfit PDF are:

  • pdf: the normalized value of the PDF. It takes an argument norm_range that can be set to False, in which case we retrieve the unnormalized value

  • integrate: given a certain range, the PDF is integrated. As pdf, it takes a norm_range argument that integrates over the unnormalized pdf if set to False

  • sample: samples from the pdf and returns a Data object

integral = gauss.integrate(limits=(-1, 3))  # corresponds to 2 sigma integral
integral
<tf.Tensor: shape=(1,), dtype=float64, numpy=array([0.95449974])>

Tensors#

As we see, many zfit functions return Tensors. This is however no magical thing! If we’re outside of models, than we can always safely convert them to a numpy array by calling zfit.run(...) on it (or any structure containing potentially multiple Tensors). However, this may not even be required often! They can be added just like numpy arrays and interact well with Python and Numpy:

np.sqrt(integral)
array([0.97698502])

They also have shapes, dtypes, can be slices etc. So do not convert them except you need it. More on this can be seen in the talk later on about zfit and TensorFlow 2.0.

sample = gauss.sample(n=1000)  # default space taken as limits
sample
<zfit.Data: Data obs=('obs1',) shape=(1000, 1)>
sample.unstack_x()[:10]
<tf.Tensor: shape=(10,), dtype=float64, numpy=
array([ 0.81108434,  0.66803055,  2.43316604, -0.23749509,  2.56625945,
       -1.36892751,  1.02352349,  1.7739781 ,  0.81108487,  2.50071853])>
sample.n_obs
1
sample.obs
('obs1',)

We see that sample returns also a zfit Data object with the same space as it was sampled in. This can directly be used e.g.

probs = gauss.pdf(sample)
probs[:10]
<tf.Tensor: shape=(10,), dtype=float64, numpy=
array([0.39188647, 0.37755449, 0.1428556 , 0.18551202, 0.11700684,
       0.02411678, 0.39883192, 0.29568529, 0.39188651, 0.12937804])>

NOTE: In case you want to do this repeatedly (e.g. for toy studies), there is a way more efficient way (see later on)

Plotting#

so far, we have a dataset and a PDF. Before we go for fitting, we can make a plot. This functionality is not directly provided in zfit (but can be added to zfit-physics). It is however simple enough to do it:

def plot_model(model, data, scale=1, plot_data=True):  # we will use scale later on

    nbins = 50

    lower, upper = data.space.v1.limits
    x = znp.linspace(lower, upper, num=1000)  # np.linspace also works
    y = model.pdf(x) * size_normal / nbins * data.data_range.area()
    y *= scale
    plt.plot(x, y)
    data_plot = zfit.run(z.unstack_x(data))  # we could also use the `to_pandas` method
    if plot_data:
        plt.hist(data_plot, bins=nbins)
plot_model(gauss, data_normal)
../../_images/6d511d4dd495d35adda1df7d2081ffd597d5ef75a89ea89f79bfd380f8522f3c.png

We can of course do better (and will see that later on, continuously improve the plots), but this is quite simple and gives us the full power of matplotlib.

Different models#

zfit offers a selection of predefined models (and extends with models from zfit-physics that contain physics specific models such as ARGUS shaped models).

print(zfit.pdf.__all__)
['BasePDF', 'BaseFunctor', 'Exponential', 'Voigt', 'CrystalBall', 'DoubleCB', 'GeneralizedCB', 'GaussExpTail', 'GeneralizedGaussExpTail', 'Gauss', 'BifurGauss', 'Uniform', 'TruncatedGauss', 'WrapDistribution', 'Cauchy', 'Poisson', 'QGauss', 'ChiSquared', 'StudentT', 'Gamma', 'Bernstein', 'Chebyshev', 'Legendre', 'Chebyshev2', 'Hermite', 'Laguerre', 'RecursivePolynomial', 'ProductPDF', 'SumPDF', 'GaussianKDE1DimV1', 'KDE1DimGrid', 'KDE1DimExact', 'KDE1DimFFT', 'KDE1DimISJ', 'FFTConvPDFV1', 'ConditionalPDFV1', 'ZPDF', 'SimplePDF', 'SimpleFunctorPDF', 'UnbinnedFromBinnedPDF', 'BinnedFromUnbinnedPDF', 'HistogramPDF', 'SplineMorphingPDF', 'BinwiseScaleModifier', 'BinnedSumPDF', 'SplinePDF', 'TruncatedPDF', 'LogNormal', 'CachedPDF']

To create a more realistic model, we can build some components for a mass fit with a

  • signal component: CrystalBall

  • combinatorial background: Exponential

  • partial reconstructed background on the left: Kernel Density Estimation

mass_obs = zfit.Space('mass', 0, 1000)
# Signal component

mu_sig = zfit.Parameter('mu_sig', 400, 100, 600)
sigma_sig = zfit.Parameter('sigma_sig', 50, 1, 100)
alpha_sig = zfit.Parameter('alpha_sig', 200, 100, 400, floating=False)  # won't be used in the fit
n_sig = zfit.Parameter('n sig', 4, 0.1, 30, floating=False)
signal = zfit.pdf.CrystalBall(obs=mass_obs, mu=mu_sig, sigma=sigma_sig, alpha=alpha_sig, n=n_sig)
# combinatorial background

lam = zfit.Parameter('lambda', -0.01, -0.05, -0.00001)
comb_bkg = zfit.pdf.Exponential(lam, obs=mass_obs)
part_reco_data = np.random.normal(loc=200, scale=150, size=700)
part_reco_data = zfit.Data.from_numpy(obs=mass_obs,
                                      array=part_reco_data)  # we don't need to do this but now we're sure it's inside the limits

part_reco = zfit.pdf.KDE1DimExact(obs=mass_obs, data=part_reco_data, bandwidth='adaptive_zfit')

Composing models#

We can also compose multiple models together. Here we’ll stick to one dimensional models, the extension to multiple dimensions is explained in the “custom models tutorial”.

Here we will use a SumPDF. This takes pdfs and fractions. If we provide n pdfs and:

  • n - 1 fracs: the nth fraction will be 1 - sum(fracs)

  • n fracs: no normalization attempt is done by SumPDf. If the fracs are not implicitly normalized, this can lead to bad fitting behavior if there is a degree of freedom too much

sig_frac = zfit.Parameter('sig_frac', 0.3, 0, 1)
comb_bkg_frac = zfit.Parameter('comb_bkg_frac', 0.25, 0, 1)
model = zfit.pdf.SumPDF([signal, comb_bkg, part_reco], [sig_frac, comb_bkg_frac])

In order to have a corresponding data sample, we can just create one. Since we want to fit to this dataset later on, we will create it with slightly different values. Therefore, we can use the ability of a parameter to be set temporarily to a certain value with

print(f"before: {sig_frac}")
with sig_frac.set_value(0.25):
    print(f"new value: {sig_frac}")
print(f"after 'with': {sig_frac}")
before: <zfit.Parameter 'sig_frac' floating=True value=0.3>

new value: <zfit.Parameter 'sig_frac' floating=True value=0.25>

after 'with': <zfit.Parameter 'sig_frac' floating=True value=0.3>

While this is useful, it does not fully scale up. We can use the zfit.param.set_values helper therefore. (Sidenote: instead of a list of values, we can also use a FitResult, the given parameters then take the value from the result)

with zfit.param.set_values([mu_sig, sigma_sig, sig_frac, comb_bkg_frac, lam], [370, 34, 0.18, 0.15, -0.006]):
    data = model.sample(n=10000)
plot_model(model, data);
../../_images/aff5f0874dff8cfb610c1fc2b1787e85192938f83ff0c0ebc6e7d92244538574.png

Plotting the components is not difficult now: we can either just plot the pdfs separately (as we still can access them) or in a generalized manner by accessing the pdfs attribute:

def plot_comp_model(model, data):
    for mod, frac in zip(model.pdfs, model.params.values()):
        plot_model(mod, data, scale=frac, plot_data=False)
    plot_model(model, data)
plot_comp_model(model, data)
../../_images/355e01d127dbb9e01c10d8021353e9e2617f0267d44b8822f8eee0a11d1c2059.png

Now we can add legends etc. Btw, did you notice that actually, the frac params are zfit Parameters? But we just used them as if they were Python scalars and it works.

print(model.params)
{'frac_0': <zfit.Parameter 'sig_frac' floating=True value=0.3>, 'frac_1': <zfit.Parameter 'comb_bkg_frac' floating=True value=0.25>, 'frac_2': <zfit.ComposedParameter 'Composed_autoparam_2' params=[('frac_0', 'sig_frac'), ('frac_1', 'comb_bkg_frac')] value=0.45>}

Extended PDFs#

So far, we have only looked at normalized PDFs that do contain information about the shape but not about the absolute scale. We can make a PDF extended by adding a yield to it.

The behavior of the new, extended PDF does NOT change, any methods we called before will act the same. Only exception, some may require an argument less now. All the methods we used so far will return the same values. What changes is that the flag model.is_extended now returns True. Furthermore, we have now a few more methods that we can use which would have raised an error before:

  • get_yield: return the yield parameter (notice that the yield is not added to the shape parameters params)

  • ext_{pdf,integrate}: these methods return the same as the versions used before, however, multiplied by the yield

  • sample is still the same, but does not require the argument n anymore. By default, this will now equal to a poissonian sampled n around the yield.

The SumPDF now does not strictly need fracs anymore: if all input PDFs are extended, the sum will be as well and use the (normalized) yields as fracs

The preferred way to create an extended PDf is to use PDF.create_extended(yield). However, since this relies on copying the PDF (which may does not work for different reasons), there is also a set_yield(yield) method that sets the yield in-place. This won’t lead to ambiguities, as everything is supposed to work the same.

yield_model = zfit.Parameter('yield_model', 10000, 0, 20000, step_size=10)
model_ext = model.create_extended(yield_model)

alternatively, we can create the models as extended and sum them up

sig_yield = zfit.Parameter('sig_yield', 2000, 0, 10000, step_size=1)
sig_ext = signal.create_extended(sig_yield)

comb_bkg_yield = zfit.Parameter('comb_bkg_yield', 6000, 0, 10000, step_size=1)
comb_bkg_ext = comb_bkg.create_extended(comb_bkg_yield)

part_reco_yield = zfit.Parameter('part_reco_yield', 2000, 0, 10000, step_size=1)
part_reco.set_yield(
    part_reco_yield)  # unfortunately, `create_extended` does not work here. But no problem, it won't change anyting.
part_reco_ext = part_reco
model_ext_sum = zfit.pdf.SumPDF([sig_ext, comb_bkg_ext, part_reco_ext])

Loss#

A loss combines the model and the data, for example to build a likelihood. Furthermore, it can contain constraints, additions to the likelihood. Currently, if the Data has weights, these are automatically taken into account.

nll_gauss = zfit.loss.UnbinnedNLL(gauss, data_normal)

The loss has several attributes to be transparent to higher level libraries. We can calculate the value of it using value.

nll_gauss.value()
<tf.Tensor: shape=(), dtype=float64, numpy=32345.592135275005>

Notice that due to graph building, this will take significantly longer on the first run. Rerun the cell above and it will be way faster.

Furthermore, the loss also provides a possibility to calculate the gradients or, often used, the value and the gradients.

We can access the data and models (and possible constraints)

nll_gauss.model
[<zfit.<class 'zfit.models.dist_tfp.Gauss'>  params=[mu, sigma42]]
nll_gauss.data
[<zfit.Data: Data obs=('obs1',) shape=(9945, 1)>]
nll_gauss.constraints
[]

Similar to the models, we can also get the parameters via get_params.

nll_gauss.get_params()
OrderedSet([<zfit.Parameter 'mu' floating=True value=1>, <zfit.Parameter 'sigma42' floating=True value=1>])

Extended loss#

More interestingly, we can now build a loss for our composite sum model using the sampled data. Since we created an extended model, we can now also create an extended likelihood, taking into account a Poisson term to match the yield to the number of events.

nll = zfit.loss.ExtendedUnbinnedNLL(model_ext_sum, data)
nll.get_params()
OrderedSet([<zfit.Parameter 'sig_yield' floating=True value=2000>, <zfit.Parameter 'comb_bkg_yield' floating=True value=6000>, <zfit.Parameter 'part_reco_yield' floating=True value=2000>, <zfit.Parameter 'mu_sig' floating=True value=400>, <zfit.Parameter 'sigma_sig' floating=True value=50>, <zfit.Parameter 'lambda' floating=True value=-0.01>])

Minimization#

While a loss is interesting, we usually want to minimize it. Therefore we can use the minimizers in zfit, most notably Minuit, a wrapper around the iminuit minimizer.

The philosophy is to create a minimizer instance that is mostly stateless, e.g. does not remember the position (there are considerations to make it possible to have a state, in case you feel interested, contact us)

Given that iminuit provides us with a very reliable and stable minimizer, it is usually recommended to use this. Others are implemented as well and could easily be wrapped, however, the convergence is usually not as stable.

Minuit has a few options:

  • tol: the Estimated Distance to Minimum (EDM) criteria for convergence (default 1e-3)

  • verbosity: between 0 and 10, 5 is normal, 7 is verbose, 10 is maximum

  • gradient: if True, uses the Minuit numerical gradient instead of the TensorFlow gradient. This is usually more stable for smaller fits; furthermore the TensorFlow gradient can (experience based) sometimes be wrong.

minimizer = zfit.minimize.Minuit()

For the minimization, we can call minimize, which takes a

  • loss as we created above

  • optionally: the parameters to minimize

By default, minimize uses all the free floating parameters (obtained with get_params). We can also explicitly specify which ones to use by giving them (or better, objects that depend on them) to minimize; note however that non-floating parameters, even if given explicitly to minimize won ‘t be minimized.

Pre-fit parts of the PDF#

Before we want to fit the whole PDF however, it can be useful to pre-fit it. A way can be to fix the combinatorial background by fitting the exponential to the right tail.

Therefore we create a new data object with an additional cut and furthermore, set the normalization range of the background pdf to the range we are interested in.

values = z.unstack_x(data)
obs_right_tail = zfit.Space('mass', (550, 1000))
data_tail = zfit.Data.from_tensor(obs=obs_right_tail, tensor=values)
comb_bkg_right = comb_bkg.to_truncated(limits=obs_right_tail)  # this gets the normalization right
nll_tail = zfit.loss.UnbinnedNLL(comb_bkg_right, data_tail)
result_sideband = minimizer.minimize(nll_tail)
print(result_sideband)
FitResult
 of
<UnbinnedNLL model=[<zfit.<class 'zfit.models.truncated.TruncatedPDF'>  params=[]] data=[<zfit.Data: Data obs=('mass',) shape=(147, 1)>] constraints=[]> 
with
<Minuit Minuit tol=0.001>

╒═════════╤═════════════╤══════════════════╤═════════╤══════════════════════════════╕
│  valid  │  converged  │  param at limit  │   edm   │   approx. fmin (full | opt.) │
╞═════════╪═════════════╪══════════════════╪═════════╪══════════════════════════════╡
│  
True
   │    True
     │      False
       │ 2.8e-06 │           824.88 |  9999.534 │
╘═════════╧═════════════╧══════════════════╧═════════╧══════════════════════════════╛
Parameters
name      value  (rounded)    at limit
------  ------------------  ----------
lambda         -0.00912192       False

Since we now fit the lambda parameter of the exponential, we can fix it.

lam.floating = False
lam
<zfit.Parameter 'lambda' floating=False value=-0.009122>
result = minimizer.minimize(nll)
plot_comp_model(model_ext_sum, data)
../../_images/34107db30a7f409c3e73ca941dc8a2349a4ed182b9795341562aa19ec277fa8d.png

Fit result#

The result of every minimization is stored in a FitResult. This is the last stage of the zfit workflow and serves as the interface to other libraries. Its main purpose is to store the values of the fit, to reference to the objects that have been used and to perform (simple) uncertainty estimation.

print(result)
FitResult
 of
<ExtendedUnbinnedNLL model=[<zfit.<class 'zfit.models.functor.SumPDF'>  params=[Composed_autoparam_5, Composed_autoparam_6, Composed_autoparam_7]] data=[<zfit.Data: Data obs=('mass',) shape=(10000, 1)>] constraints=[]> 
with
<Minuit Minuit tol=0.001>

╒═════════╤═════════════╤══════════════════╤═════════╤══════════════════════════════╕
│  valid  │  converged  │  param at limit  │   edm   │   approx. fmin (full | opt.) │
╞═════════╪═════════════╪══════════════════╪═════════╪══════════════════════════════╡
│  
True
   │    True
     │      False
       │ 1.3e-05 │        -19785.67 |  8194.821 │
╘═════════╧═════════════╧══════════════════╧═════════╧══════════════════════════════╛
Parameters
name               value  (rounded)    at limit
---------------  ------------------  ----------
sig_yield                   1840.43       False
comb_bkg_yield              990.022       False
part_reco_yield             7169.73       False
mu_sig                      370.284       False
sigma_sig                   32.1752       False

This gives an overview over the whole result. Often we’re mostly interested in the parameters and their values, which we can access with a params attribute.

print(result.params)
name               value  (rounded)    at limit
---------------  ------------------  ----------
sig_yield                   1840.43       False
comb_bkg_yield              990.022       False
part_reco_yield             7169.73       False
mu_sig                      370.284       False
sigma_sig                   32.1752       False

This is a dict which stores any knowledge about the parameters and can be accessed by the parameter (object) itself:

result.params[mu_sig]
{'value': 370.2838699273782}

‘value’ is the value at the minimum. To obtain other information about the minimization process, result contains more attributes:

  • fmin: the function minimum

  • edm: estimated distance to minimum

  • info: contains a lot of information, especially the original information returned by a specific minimizer

  • converged: if the fit converged

result.fmin
-19785.673839055577

Estimating uncertainties#

The FitResult has mainly two methods to estimate the uncertainty:

  • a profile likelihood method (like MINOS)

  • Hessian approximation of the likelihood (like HESSE)

When using Minuit, this uses (currently) it’s own implementation. However, zfit has its own implementation, which are likely to become the standard and can be invoked by changing the method name.

Hesse is also on the way to implement the corrections for weights.

We can explicitly specify which parameters to calculate, by default it does for all.

result.hesse(method='minuit_hesse', name='hesse')  # these are the default values
{<zfit.Parameter 'sig_yield' floating=True value=1840>: {'error': 69.5669258448459,
  'cl': 0.68268949},
 <zfit.Parameter 'comb_bkg_yield' floating=True value=990>: {'error': 72.65481841666708,
  'cl': 0.68268949},
 <zfit.Parameter 'part_reco_yield' floating=True value=7170>: {'error': 129.2535061669724,
  'cl': 0.68268949},
 <zfit.Parameter 'mu_sig' floating=True value=370.3>: {'error': 1.2604159067481813,
  'cl': 0.68268949},
 <zfit.Parameter 'sigma_sig' floating=True value=32.18>: {'error': 1.2301858403104435,
  'cl': 0.68268949}}
# result.hesse(method='hesse_np', name='hesse_np')

We get the result directly returned. This is also added to result.params for each parameter and is nicely displayed with an added column

print(result)
FitResult
 of
<ExtendedUnbinnedNLL model=[<zfit.<class 'zfit.models.functor.SumPDF'>  params=[Composed_autoparam_5, Composed_autoparam_6, Composed_autoparam_7]] data=[<zfit.Data: Data obs=('mass',) shape=(10000, 1)>] constraints=[]> 
with
<Minuit Minuit tol=0.001>

╒═════════╤═════════════╤══════════════════╤═════════╤══════════════════════════════╕
│  valid  │  converged  │  param at limit  │   edm   │   approx. fmin (full | opt.) │
╞═════════╪═════════════╪══════════════════╪═════════╪══════════════════════════════╡
│  
True
   │    True
     │      False
       │ 1.3e-05 │        -19785.67 |  8194.821 │
╘═════════╧═════════════╧══════════════════╧═════════╧══════════════════════════════╛
Parameters
name               value  (rounded)        hesse    at limit
---------------  ------------------  -----------  ----------
sig_yield                   1840.43  +/-      70       False
comb_bkg_yield              990.022  +/-      73       False
part_reco_yield             7169.73  +/- 1.3e+02       False
mu_sig                      370.284  +/-     1.3       False
sigma_sig                   32.1752  +/-     1.2       False

errors, new_result = result.errors(params=[sig_yield, part_reco_yield, mu_sig],
                                   name='errors')  # just using three for speed reasons
# errors, new_result = result.errors(params=[yield_model, sig_frac, mu_sig], method='zfit_errors', name='error with zfit')
print(errors)
{<zfit.Parameter 'sig_yield' floating=True value=1840>: {'lower': -69.23619828069651, 'upper': 69.90189645464193, 'is_valid': True, 'upper_valid': True, 'lower_valid': True, 'at_lower_limit': False, 'at_upper_limit': False, 'nfcn': 36, 'original': <MError number=0 name='sig_yield' lower=-69.23619828069651 upper=69.90189645464193 is_valid=True lower_valid=True upper_valid=True at_lower_limit=False at_upper_limit=False at_lower_max_fcn=False at_upper_max_fcn=False lower_new_min=False upper_new_min=False nfcn=36 min=1840.4348830477006>, 'cl': 0.68268949}, <zfit.Parameter 'part_reco_yield' floating=True value=7170>: {'lower': -128.74100252249784, 'upper': 129.8268605378792, 'is_valid': True, 'upper_valid': True, 'lower_valid': True, 'at_lower_limit': False, 'at_upper_limit': False, 'nfcn': 36, 'original': <MError number=2 name='part_reco_yield' lower=-128.74100252249784 upper=129.8268605378792 is_valid=True lower_valid=True upper_valid=True at_lower_limit=False at_upper_limit=False at_lower_max_fcn=False at_upper_max_fcn=False lower_new_min=False upper_new_min=False nfcn=36 min=7169.73211599079>, 'cl': 0.68268949}, <zfit.Parameter 'mu_sig' floating=True value=370.3>: {'lower': -1.2625823330220711, 'upper': 1.259245778800291, 'is_valid': True, 'upper_valid': True, 'lower_valid': True, 'at_lower_limit': False, 'at_upper_limit': False, 'nfcn': 36, 'original': <MError number=3 name='mu_sig' lower=-1.2625823330220711 upper=1.259245778800291 is_valid=True lower_valid=True upper_valid=True at_lower_limit=False at_upper_limit=False at_lower_max_fcn=False at_upper_max_fcn=False lower_new_min=False upper_new_min=False nfcn=36 min=370.2838699273782>, 'cl': 0.68268949}}

print(result)
FitResult
 of
<ExtendedUnbinnedNLL model=[<zfit.<class 'zfit.models.functor.SumPDF'>  params=[Composed_autoparam_5, Composed_autoparam_6, Composed_autoparam_7]] data=[<zfit.Data: Data obs=('mass',) shape=(10000, 1)>] constraints=[]> 
with
<Minuit Minuit tol=0.001>

╒═════════╤═════════════╤══════════════════╤═════════╤══════════════════════════════╕
│  valid  │  converged  │  param at limit  │   edm   │   approx. fmin (full | opt.) │
╞═════════╪═════════════╪══════════════════╪═════════╪══════════════════════════════╡
│  
True
   │    True
     │      False
       │ 1.3e-05 │        -19785.67 |  8194.821 │
╘═════════╧═════════════╧══════════════════╧═════════╧══════════════════════════════╛
Parameters
name               value  (rounded)        hesse               errors    at limit
---------------  ------------------  -----------  -------------------  ----------
sig_yield                   1840.43  +/-      70  -     69   +     70       False
comb_bkg_yield              990.022  +/-      73                            False
part_reco_yield             7169.73  +/- 1.3e+02  -1.3e+02   +1.3e+02       False
mu_sig                      370.284  +/-     1.3  -    1.3   +    1.3       False
sigma_sig                   32.1752  +/-     1.2                            False

What is ‘new_result’?#

When profiling a likelihood, such as done in the algorithm used in errors, a new minimum can be found. If this is the case, this new minimum will be returned, otherwise new_result is None. Furthermore, the current result would be rendered invalid by setting the flag valid to False. Note: this behavior only applies to the zfit internal error estimator.

A simple profile#

There is no default function (yet) for simple profiling plot. However, again, we’re in Python and it’s simple enough to do that for a parameter. Let’s do it for sig_yield

x = np.linspace(1600, 2000, num=50)
y = []
sig_yield.floating = False
for val in x:
    sig_yield.set_value(val)
    y.append(nll.value())

sig_yield.floating = True
zfit.param.set_values(nll.get_params(), result)
<zfit.util.temporary.TemporarilySet at 0x7f11693a53d0>
plt.plot(x, y)
[<matplotlib.lines.Line2D at 0x7f11693a48d0>]
../../_images/37bf514173e56dfe7b595442e1e84a5cf00e3d35aaa0ba27156c97f9a60ba8fc.png

We can also access the covariance matrix of the parameters

result.covariance()
array([[ 4.83955721e+03,  1.12559137e+03, -4.12393155e+03,
        -2.01340154e+01,  4.05070671e+01],
       [ 1.12559137e+03,  5.27872269e+03, -5.41351461e+03,
        -7.45736665e+00,  1.49211250e+01],
       [-4.12393155e+03, -5.41351461e+03,  1.67064690e+04,
         2.75859863e+01, -5.54171013e+01],
       [-2.01340154e+01, -7.45736665e+00,  2.75859863e+01,
         1.58864827e+00, -3.26041232e-01],
       [ 4.05070671e+01,  1.49211250e+01, -5.54171013e+01,
        -3.26041232e-01,  1.51335722e+00]])

End of zfit#

This is where zfit finishes and other libraries take over.

Beginning of hepstats#

hepstats is a library containing statistical tools and utilities for high energy physics. In particular you do statistical inferences using the models and likelhoods function constructed in zfit.

Short example: let’s compute for instance a confidence interval at 68 % confidence level on the mean of the gaussian defined above.

from hepstats.hypotests import ConfidenceInterval
from hepstats.hypotests.calculators import AsymptoticCalculator
from hepstats.hypotests.parameters import POIarray
calculator = AsymptoticCalculator(input=result, minimizer=minimizer)
value = result.params[mu_sig]["value"]
error = result.params[mu_sig]["hesse"]["error"]

mean_scan = POIarray(mu_sig, np.linspace(value - 1.5 * error, value + 1.5 * error, 10))
ci = ConfidenceInterval(calculator, mean_scan)
ci.interval()
Confidence interval on mu_sig:
	369.0247159104454 < mu_sig < 371.5399988328226 at 68.0% C.L.

{'observed': 370.2838699273782,
 'upper': 371.5399988328226,
 'lower': 369.0247159104454}
from utils import one_minus_cl_plot

ax = one_minus_cl_plot(ci)
ax.set_xlabel("mean")
Text(0.5, 0, 'mean')
../../_images/1d7a37dc2ec42671a71b414d591d2c9a3c4f46ff29a06fbcc34d802b4feac998.png

There will be more of hepstats later.