source: sasmodels/sasmodels/direct_model.py @ 9150036

core_shell_microgelsmagnetic_modelticket-1257-vesicle-productticket_1156ticket_1265_superballticket_822_more_unit_tests
Last change on this file since 9150036 was 9150036, checked in by Paul Kienzle <pkienzle@…>, 5 years ago

Merge branch 'master' into beta_approx

  • Property mode set to 100644
File size: 16.8 KB
RevLine 
[803f835]1"""
2Class interface to the model calculator.
3
4Calling a model is somewhat non-trivial since the functions called depend
5on the data type.  For 1D data the *Iq* kernel needs to be called, for
62D data the *Iqxy* kernel needs to be called, and for SESANS data the
7*Iq* kernel needs to be called followed by a Hankel transform.  Before
8the kernel is called an appropriate *q* calculation vector needs to be
9constructed.  This is not the simple *q* vector where you have measured
10the data since the resolution calculation will require values beyond the
11range of the measured data.  After the calculation the resolution calculator
12must be called to return the predicted value for each measured data point.
13
14:class:`DirectModel` is a callable object that takes *parameter=value*
15keyword arguments and returns the appropriate theory values for the data.
16
17:class:`DataMixin` does the real work of interpreting the data and calling
18the model calculator.  This is used by :class:`DirectModel`, which uses
19direct parameter values and by :class:`bumps_model.Experiment` which wraps
20the parameter values in boxes so that the user can set fitting ranges, etc.
21on the individual parameters and send the model to the Bumps optimizers.
22"""
23from __future__ import print_function
[ae7b97b]24
[7ae2b7f]25import numpy as np  # type: ignore
[ae7b97b]26
[7ae2b7f]27# TODO: fix sesans module
28from . import sesans  # type: ignore
[6d6508e]29from . import weights
[7cf2cfd]30from . import resolution
31from . import resolution2d
[bde38b5]32from .details import make_kernel_args, dispersion_mesh
[7b9e4dd]33from .modelinfo import DEFAULT_BACKGROUND
[5024a56]34from .product import RADIUS_MODE_ID
[6d6508e]35
[2d81cfe]36# pylint: disable=unused-import
[a5b8477]37try:
38    from typing import Optional, Dict, Tuple
39except ImportError:
40    pass
41else:
42    from .data import Data
43    from .kernel import Kernel, KernelModel
44    from .modelinfo import Parameter, ParameterSet
[2d81cfe]45# pylint: enable=unused-import
[a5b8477]46
[0ff62d4]47def call_kernel(calculator, pars, cutoff=0., mono=False):
[a5b8477]48    # type: (Kernel, ParameterSet, float, bool) -> np.ndarray
[6d6508e]49    """
50    Call *kernel* returned from *model.make_kernel* with parameters *pars*.
51
52    *cutoff* is the limiting value for the product of dispersion weights used
53    to perform the multidimensional dispersion calculation more quickly at a
54    slight cost to accuracy. The default value of *cutoff=0* integrates over
55    the entire dispersion cube.  Using *cutoff=1e-5* can be 50% faster, but
56    with an error of about 1%, which is usually less than the measurement
57    uncertainty.
58
59    *mono* is True if polydispersity should be set to none on all parameters.
60    """
[3c24ccd]61    mesh = get_mesh(calculator.info, pars, dim=calculator.dim, mono=mono)
[9e771a3]62    #print("pars", list(zip(*mesh))[0])
[8698a0d]63    call_details, values, is_magnetic = make_kernel_args(calculator, mesh)
[32e3c9b]64    #print("values:", values)
[9eb3632]65    return calculator(call_details, values, cutoff, is_magnetic)
[6d6508e]66
[304c775]67def call_Fq(calculator, pars, cutoff=0., mono=False):
68    # type: (Kernel, ParameterSet, float, bool) -> np.ndarray
[40a87fa]69    """
[23df833]70    Like :func:`call_kernel`, but returning F, F^2, R_eff, V_shell, V_form/V_shell.
[40a87fa]71
[23df833]72    For solid objects V_shell is equal to V_form and the volume ratio is 1.
[40a87fa]73
[5024a56]74    Use parameter *radius_effective_mode* to select the effective radius
75    calculation.
[40a87fa]76    """
[5024a56]77    R_eff_type = int(pars.pop(RADIUS_MODE_ID, 1.0))
[304c775]78    mesh = get_mesh(calculator.info, pars, dim=calculator.dim, mono=mono)
79    #print("pars", list(zip(*mesh))[0])
80    call_details, values, is_magnetic = make_kernel_args(calculator, mesh)
81    #print("values:", values)
82    return calculator.Fq(call_details, values, cutoff, is_magnetic, R_eff_type)
[40a87fa]83
[23df833]84def call_profile(model_info, pars=None):
85    # type: (ModelInfo, ParameterSet) -> Tuple[np.ndarray, np.ndarray, Tuple[str, str]]
[40a87fa]86    """
87    Returns the profile *x, y, (xlabel, ylabel)* representing the model.
88    """
[23df833]89    if pars is None:
90        pars = {}
[40a87fa]91    args = {}
92    for p in model_info.parameters.kernel_parameters:
93        if p.length > 1:
94            value = np.array([pars.get(p.id+str(j), p.default)
95                              for j in range(1, p.length+1)])
96        else:
97            value = pars.get(p.id, p.default)
98        args[p.id] = value
99    x, y = model_info.profile(**args)
100    return x, y, model_info.profile_axes
101
[3c24ccd]102def get_mesh(model_info, values, dim='1d', mono=False):
103    # type: (ModelInfo, Dict[str, float], str, bool) -> List[Tuple[float, np.ndarray, np.ndarry]]
104    """
105    Retrieve the dispersity mesh described by the parameter set.
106
107    Returns a list of *(value, dispersity, weights)* with one tuple for each
108    parameter in the model call parameters.  Inactive parameters return the
109    default value with a weight of 1.0.
110    """
111    parameters = model_info.parameters
112    if mono:
113        active = lambda name: False
114    elif dim == '1d':
115        active = lambda name: name in parameters.pd_1d
116    elif dim == '2d':
117        active = lambda name: name in parameters.pd_2d
118    else:
119        active = lambda name: True
120
121    #print("pars",[p.id for p in parameters.call_parameters])
122    mesh = [_get_par_weights(p, values, active(p.name))
123            for p in parameters.call_parameters]
124    return mesh
125
[40a87fa]126
[3c24ccd]127def _get_par_weights(parameter, values, active=True):
128    # type: (Parameter, Dict[str, float]) -> Tuple[float, np.ndarray, np.ndarray]
[6d6508e]129    """
130    Generate the distribution for parameter *name* given the parameter values
131    in *pars*.
132
133    Uses "name", "name_pd", "name_pd_type", "name_pd_n", "name_pd_sigma"
134    from the *pars* dictionary for parameter value and parameter dispersion.
135    """
136    value = float(values.get(parameter.name, parameter.default))
137    npts = values.get(parameter.name+'_pd_n', 0)
138    width = values.get(parameter.name+'_pd', 0.0)
[32f87a5]139    relative = parameter.relative_pd
[9e771a3]140    if npts == 0 or width == 0.0 or not active:
[8698a0d]141        # Note: orientation parameters have the viewing angle as the parameter
142        # value and the jitter in the distribution, so be sure to set the
143        # empty pd for orientation parameters to 0.
[9e771a3]144        pd = [value if relative or not parameter.polydisperse else 0.0], [1.0]
[8698a0d]145    else:
146        limits = parameter.limits
147        disperser = values.get(parameter.name+'_pd_type', 'gaussian')
148        nsigma = values.get(parameter.name+'_pd_nsigma', 3.0)
149        pd = weights.get_weights(disperser, npts, width, nsigma,
[2d81cfe]150                                 value, limits, relative)
[8698a0d]151    return value, pd[0], pd[1]
[ae7b97b]152
[745b7bb]153
[9e771a3]154def _vol_pars(model_info, values):
[40a87fa]155    # type: (ModelInfo, ParameterSet) -> Tuple[np.ndarray, np.ndarray]
[9e771a3]156    vol_pars = [_get_par_weights(p, values)
[40a87fa]157                for p in model_info.parameters.call_parameters
158                if p.type == 'volume']
[4cc161e]159    #import pylab; pylab.plot(vol_pars[0][0],vol_pars[0][1]); pylab.show()
[9e771a3]160    dispersity, weight = dispersion_mesh(model_info, vol_pars)
161    return dispersity, weight
[745b7bb]162
163
[fa79f5c]164def _make_sesans_transform(data):
165    from sas.sascalc.data_util.nxsunit import Converter
166
167    # Pre-compute the Hankel matrix (H)
168    SElength = Converter(data._xunit)(data.x, "A")
169
170    theta_max = Converter("radians")(data.sample.zacceptance)[0]
171    q_max = 2 * np.pi / np.max(data.source.wavelength) * np.sin(theta_max)
172    zaccept = Converter("1/A")(q_max, "1/" + data.source.wavelength_unit),
173
174    Rmax = 10000000
175    hankel = sesans.SesansTransform(data.x, SElength,
176                                    data.source.wavelength,
177                                    zaccept, Rmax)
178    return hankel
179
180
[7cf2cfd]181class DataMixin(object):
182    """
183    DataMixin captures the common aspects of evaluating a SAS model for a
184    particular data set, including calculating Iq and evaluating the
185    resolution function.  It is used in particular by :class:`DirectModel`,
186    which evaluates a SAS model parameters as key word arguments to the
187    calculator method, and by :class:`bumps_model.Experiment`, which wraps the
188    model and data for use with the Bumps fitting engine.  It is not
189    currently used by :class:`sasview_model.SasviewModel` since this will
190    require a number of changes to SasView before we can do it.
[803f835]191
192    :meth:`_interpret_data` initializes the data structures necessary
193    to manage the calculations.  This sets attributes in the child class
194    such as *data_type* and *resolution*.
195
196    :meth:`_calc_theory` evaluates the model at the given control values.
197
198    :meth:`_set_data` sets the intensity data in the data object,
199    possibly with random noise added.  This is useful for simulating a
200    dataset with the results from :meth:`_calc_theory`.
[7cf2cfd]201    """
202    def _interpret_data(self, data, model):
[a5b8477]203        # type: (Data, KernelModel) -> None
[803f835]204        # pylint: disable=attribute-defined-outside-init
205
[7cf2cfd]206        self._data = data
207        self._model = model
208
209        # interpret data
[a769b54]210        if hasattr(data, 'isSesans') and data.isSesans:
[7cf2cfd]211            self.data_type = 'sesans'
212        elif hasattr(data, 'qx_data'):
213            self.data_type = 'Iqxy'
[ea75043]214        elif getattr(data, 'oriented', False):
215            self.data_type = 'Iq-oriented'
[7cf2cfd]216        else:
217            self.data_type = 'Iq'
218
219        if self.data_type == 'sesans':
[fa79f5c]220            res = _make_sesans_transform(data)
[803f835]221            index = slice(None, None)
[7cf2cfd]222            if data.y is not None:
[803f835]223                Iq, dIq = data.y, data.dy
224            else:
225                Iq, dIq = None, None
[7cf2cfd]226        elif self.data_type == 'Iqxy':
[6d6508e]227            #if not model.info.parameters.has_2d:
[60eab2a]228            #    raise ValueError("not 2D without orientation or magnetic parameters")
[7cf2cfd]229            q = np.sqrt(data.qx_data**2 + data.qy_data**2)
230            qmin = getattr(data, 'qmin', 1e-16)
231            qmax = getattr(data, 'qmax', np.inf)
232            accuracy = getattr(data, 'accuracy', 'Low')
[1a8c11c]233            index = (data.mask == 0) & (q >= qmin) & (q <= qmax)
[7cf2cfd]234            if data.data is not None:
[803f835]235                index &= ~np.isnan(data.data)
236                Iq = data.data[index]
237                dIq = data.err_data[index]
238            else:
239                Iq, dIq = None, None
240            res = resolution2d.Pinhole2D(data=data, index=index,
241                                         nsigma=3.0, accuracy=accuracy)
[7cf2cfd]242        elif self.data_type == 'Iq':
[803f835]243            index = (data.x >= data.qmin) & (data.x <= data.qmax)
[b9c19aa2]244            mask = getattr(data, 'mask', None)
245            if mask is not None:
[1a8c11c]246                index &= (mask == 0)
[7cf2cfd]247            if data.y is not None:
[803f835]248                index &= ~np.isnan(data.y)
249                Iq = data.y[index]
250                dIq = data.dy[index]
251            else:
252                Iq, dIq = None, None
[7cf2cfd]253            if getattr(data, 'dx', None) is not None:
[803f835]254                q, dq = data.x[index], data.dx[index]
255                if (dq > 0).any():
256                    res = resolution.Pinhole1D(q, dq)
[7cf2cfd]257                else:
[803f835]258                    res = resolution.Perfect1D(q)
259            elif (getattr(data, 'dxl', None) is not None
260                  and getattr(data, 'dxw', None) is not None):
261                res = resolution.Slit1D(data.x[index],
[4d8e0bb]262                                        qx_width=data.dxl[index],
263                                        qy_width=data.dxw[index])
[7cf2cfd]264            else:
[803f835]265                res = resolution.Perfect1D(data.x[index])
[ea75043]266        elif self.data_type == 'Iq-oriented':
267            index = (data.x >= data.qmin) & (data.x <= data.qmax)
268            if data.y is not None:
269                index &= ~np.isnan(data.y)
270                Iq = data.y[index]
271                dIq = data.dy[index]
272            else:
273                Iq, dIq = None, None
274            if (getattr(data, 'dxl', None) is None
[40a87fa]275                    or getattr(data, 'dxw', None) is None):
[ea75043]276                raise ValueError("oriented sample with 1D data needs slit resolution")
277
278            res = resolution2d.Slit2D(data.x[index],
279                                      qx_width=data.dxw[index],
280                                      qy_width=data.dxl[index])
[7cf2cfd]281        else:
282            raise ValueError("Unknown data type") # never gets here
283
284        # Remember function inputs so we can delay loading the function and
285        # so we can save/restore state
286        self._kernel = None
[803f835]287        self.Iq, self.dIq, self.index = Iq, dIq, index
288        self.resolution = res
[7cf2cfd]289
290    def _set_data(self, Iq, noise=None):
[a5b8477]291        # type: (np.ndarray, Optional[float]) -> None
[803f835]292        # pylint: disable=attribute-defined-outside-init
[7cf2cfd]293        if noise is not None:
294            self.dIq = Iq*noise*0.01
295        dy = self.dIq
296        y = Iq + np.random.randn(*dy.shape) * dy
297        self.Iq = y
[ea75043]298        if self.data_type in ('Iq', 'Iq-oriented'):
[d1ff3a5]299            if self._data.y is None:
300                self._data.y = np.empty(len(self._data.x), 'd')
301            if self._data.dy is None:
302                self._data.dy = np.empty(len(self._data.x), 'd')
[7cf2cfd]303            self._data.dy[self.index] = dy
304            self._data.y[self.index] = y
305        elif self.data_type == 'Iqxy':
[d1ff3a5]306            if self._data.data is None:
307                self._data.data = np.empty_like(self._data.qx_data, 'd')
308            if self._data.err_data is None:
309                self._data.err_data = np.empty_like(self._data.qx_data, 'd')
[7cf2cfd]310            self._data.data[self.index] = y
[d1ff3a5]311            self._data.err_data[self.index] = dy
[7cf2cfd]312        elif self.data_type == 'sesans':
[d1ff3a5]313            if self._data.y is None:
314                self._data.y = np.empty(len(self._data.x), 'd')
[7cf2cfd]315            self._data.y[self.index] = y
316        else:
317            raise ValueError("Unknown model")
318
319    def _calc_theory(self, pars, cutoff=0.0):
[a5b8477]320        # type: (ParameterSet, float) -> np.ndarray
[7cf2cfd]321        if self._kernel is None:
[2c4a190]322            # TODO: change interfaces so that resolution returns kernel inputs
323            # Maybe have resolution always return a tuple, or maybe have
324            # make_kernel accept either an ndarray or a pair of ndarrays.
325            kernel_inputs = self.resolution.q_calc
326            if isinstance(kernel_inputs, np.ndarray):
327                kernel_inputs = (kernel_inputs,)
328            self._kernel = self._model.make_kernel(kernel_inputs)
[7cf2cfd]329
[d18d6dd]330        # Need to pull background out of resolution for multiple scattering
[b6d1d52]331        default_background = self._model.info.parameters.common_parameters[1].default
332        background = pars.get('background', default_background)
[d18d6dd]333        pars = pars.copy()
334        pars['background'] = 0.
335
[7cf2cfd]336        Iq_calc = call_kernel(self._kernel, pars, cutoff=cutoff)
[40a87fa]337        # Storing the calculated Iq values so that they can be plotted.
338        # Only applies to oriented USANS data for now.
339        # TODO: extend plotting of calculate Iq to other measurement types
340        # TODO: refactor so we don't store the result in the model
[d1ff3a5]341        self.Iq_calc = Iq_calc
[fa79f5c]342        result = self.resolution.apply(Iq_calc)
343        if hasattr(self.resolution, 'nx'):
344            self.Iq_calc = (
345                self.resolution.qx_calc, self.resolution.qy_calc,
346                np.reshape(Iq_calc, (self.resolution.ny, self.resolution.nx))
347            )
[d18d6dd]348        return result + background
[7cf2cfd]349
350
351class DirectModel(DataMixin):
[803f835]352    """
353    Create a calculator object for a model.
354
355    *data* is 1D SAS, 2D SAS or SESANS data
356
357    *model* is a model calculator return from :func:`generate.load_model`
358
359    *cutoff* is the polydispersity weight cutoff.
360    """
[7cf2cfd]361    def __init__(self, data, model, cutoff=1e-5):
[a5b8477]362        # type: (Data, KernelModel, float) -> None
[7cf2cfd]363        self.model = model
364        self.cutoff = cutoff
[803f835]365        # Note: _interpret_data defines the model attributes
[7cf2cfd]366        self._interpret_data(data, model)
[803f835]367
[16bc3fc]368    def __call__(self, **pars):
[a5b8477]369        # type: (**float) -> np.ndarray
[7cf2cfd]370        return self._calc_theory(pars, cutoff=self.cutoff)
[803f835]371
[7cf2cfd]372    def simulate_data(self, noise=None, **pars):
[a5b8477]373        # type: (Optional[float], **float) -> None
[803f835]374        """
375        Generate simulated data for the model.
376        """
[7cf2cfd]377        Iq = self.__call__(**pars)
378        self._set_data(Iq, noise=noise)
[ae7b97b]379
[745b7bb]380    def profile(self, **pars):
381        # type: (**float) -> None
382        """
383        Generate a plottable profile.
384        """
[23df833]385        return call_profile(self.model.info, pars)
[745b7bb]386
[803f835]387def main():
[a5b8477]388    # type: () -> None
[803f835]389    """
390    Program to evaluate a particular model at a set of q values.
391    """
[ae7b97b]392    import sys
[7cf2cfd]393    from .data import empty_data1D, empty_data2D
[17bbadd]394    from .core import load_model_info, build_model
[7cf2cfd]395
[ae7b97b]396    if len(sys.argv) < 3:
[9404dd3]397        print("usage: python -m sasmodels.direct_model modelname (q|qx,qy) par=val ...")
[ae7b97b]398        sys.exit(1)
399    model_name = sys.argv[1]
[aa4946b]400    call = sys.argv[2].upper()
[304c775]401    try:
402        values = [float(v) for v in call.split(',')]
403    except ValueError:
404        values = []
405    if len(values) == 1:
406        q, = values
407        data = empty_data1D([q])
408    elif len(values) == 2:
409        qx, qy = values
410        data = empty_data2D([qx], [qy])
[7cf2cfd]411    else:
[304c775]412        print("use q or qx,qy")
413        sys.exit(1)
[7cf2cfd]414
[17bbadd]415    model_info = load_model_info(model_name)
416    model = build_model(model_info)
[7cf2cfd]417    calculator = DirectModel(data, model)
[4cc161e]418    pars = dict((k, (float(v) if not k.endswith("_pd_type") else v))
[ae7b97b]419                for pair in sys.argv[3:]
[803f835]420                for k, v in [pair.split('=')])
[304c775]421    Iq = calculator(**pars)
422    print(Iq[0])
[ae7b97b]423
424if __name__ == "__main__":
[803f835]425    main()
Note: See TracBrowser for help on using the repository browser.