1 | """ |
---|
2 | Define the resolution functions for the data. |
---|
3 | |
---|
4 | This defines classes for 1D and 2D resolution calculations. |
---|
5 | """ |
---|
6 | from __future__ import division |
---|
7 | from scipy.special import erf |
---|
8 | from numpy import sqrt, log, log10 |
---|
9 | import numpy as np |
---|
10 | |
---|
11 | MINIMUM_RESOLUTION = 1e-8 |
---|
12 | |
---|
13 | class Resolution1D(object): |
---|
14 | """ |
---|
15 | Abstract base class defining a 1D resolution function. |
---|
16 | |
---|
17 | *q* is the set of q values at which the data is measured. |
---|
18 | |
---|
19 | *q_calc* is the set of q values at which the theory needs to be evaluated. |
---|
20 | This may extend and interpolate the q values. |
---|
21 | |
---|
22 | *apply* is the method to call with I(q_calc) to compute the resolution |
---|
23 | smeared theory I(q). |
---|
24 | """ |
---|
25 | q = None |
---|
26 | q_calc = None |
---|
27 | def apply(self, theory): |
---|
28 | """ |
---|
29 | Smear *theory* by the resolution function, returning *Iq*. |
---|
30 | """ |
---|
31 | raise NotImplementedError("Subclass does not define the apply function") |
---|
32 | |
---|
33 | |
---|
34 | class Perfect1D(Resolution1D): |
---|
35 | """ |
---|
36 | Resolution function to use when there is no actual resolution smearing |
---|
37 | to be applied. It has the same interface as the other resolution |
---|
38 | functions, but returns the identity function. |
---|
39 | """ |
---|
40 | def __init__(self, q): |
---|
41 | self.q_calc = self.q = q |
---|
42 | |
---|
43 | def apply(self, theory): |
---|
44 | return theory |
---|
45 | |
---|
46 | |
---|
47 | class Pinhole1D(Resolution1D): |
---|
48 | r""" |
---|
49 | Pinhole aperture with q-dependent gaussian resolution. |
---|
50 | |
---|
51 | *q* points at which the data is measured. |
---|
52 | |
---|
53 | *q_width* gaussian 1-sigma resolution at each data point. |
---|
54 | |
---|
55 | *q_calc* is the list of points to calculate, or None if this should |
---|
56 | be estimated from the *q* and *q_width*. |
---|
57 | """ |
---|
58 | def __init__(self, q, q_width, q_calc=None, nsigma=3): |
---|
59 | #*min_step* is the minimum point spacing to use when computing the |
---|
60 | #underlying model. It should be on the order of |
---|
61 | #$\tfrac{1}{10}\tfrac{2\pi}{d_\text{max}}$ to make sure that fringes |
---|
62 | #are computed with sufficient density to avoid aliasing effects. |
---|
63 | |
---|
64 | # Protect against calls with q_width=0. The extend_q function will |
---|
65 | # not extend the q if q_width is 0, but q_width must be non-zero when |
---|
66 | # constructing the weight matrix to avoid division by zero errors. |
---|
67 | # In practice this should never be needed, since resolution should |
---|
68 | # default to Perfect1D if the pinhole geometry is not defined. |
---|
69 | self.q, self.q_width = q, q_width |
---|
70 | self.q_calc = pinhole_extend_q(q, q_width, nsigma=nsigma) \ |
---|
71 | if q_calc is None else np.sort(q_calc) |
---|
72 | self.weight_matrix = pinhole_resolution(self.q_calc, |
---|
73 | self.q, np.maximum(q_width, MINIMUM_RESOLUTION)) |
---|
74 | |
---|
75 | def apply(self, theory): |
---|
76 | return apply_resolution_matrix(self.weight_matrix, theory) |
---|
77 | |
---|
78 | |
---|
79 | class Slit1D(Resolution1D): |
---|
80 | """ |
---|
81 | Slit aperture with a complicated resolution function. |
---|
82 | |
---|
83 | *q* points at which the data is measured. |
---|
84 | |
---|
85 | *qx_width* slit width |
---|
86 | |
---|
87 | *qy_height* slit height |
---|
88 | |
---|
89 | *q_calc* is the list of points to calculate, or None if this should |
---|
90 | be estimated from the *q* and *q_width*. |
---|
91 | |
---|
92 | The *weight_matrix* is computed by :func:`slit1d_resolution` |
---|
93 | """ |
---|
94 | def __init__(self, q, width, height, q_calc=None): |
---|
95 | # TODO: maybe issue warnings rather than raising errors |
---|
96 | if not np.isscalar(width): |
---|
97 | if np.any(np.diff(width) > 0.0): |
---|
98 | raise ValueError("Slit resolution requires fixed width slits") |
---|
99 | width = width[0] |
---|
100 | if not np.isscalar(height): |
---|
101 | if np.any(np.diff(height) > 0.0): |
---|
102 | raise ValueError("Slit resolution requires fixed height slits") |
---|
103 | height = height[0] |
---|
104 | |
---|
105 | # Remember what width/height was used even though we won't need them |
---|
106 | # after the weight matrix is constructed |
---|
107 | self.width, self.height = width, height |
---|
108 | |
---|
109 | self.q = q.flatten() |
---|
110 | self.q_calc = slit_extend_q(q, width, height) \ |
---|
111 | if q_calc is None else np.sort(q_calc) |
---|
112 | self.weight_matrix = \ |
---|
113 | slit_resolution(self.q_calc, self.q, width, height) |
---|
114 | |
---|
115 | def apply(self, theory): |
---|
116 | return apply_resolution_matrix(self.weight_matrix, theory) |
---|
117 | |
---|
118 | |
---|
119 | def apply_resolution_matrix(weight_matrix, theory): |
---|
120 | """ |
---|
121 | Apply the resolution weight matrix to the computed theory function. |
---|
122 | """ |
---|
123 | #print "apply shapes", theory.shape, weight_matrix.shape |
---|
124 | Iq = np.dot(theory[None,:], weight_matrix) |
---|
125 | #print "result shape",Iq.shape |
---|
126 | return Iq.flatten() |
---|
127 | |
---|
128 | |
---|
129 | def pinhole_resolution(q_calc, q, q_width): |
---|
130 | """ |
---|
131 | Compute the convolution matrix *W* for pinhole resolution 1-D data. |
---|
132 | |
---|
133 | Each row *W[i]* determines the normalized weight that the corresponding |
---|
134 | points *q_calc* contribute to the resolution smeared point *q[i]*. Given |
---|
135 | *W*, the resolution smearing can be computed using *dot(W,q)*. |
---|
136 | |
---|
137 | *q_calc* must be increasing. *q_width* must be greater than zero. |
---|
138 | """ |
---|
139 | # The current algorithm is a midpoint rectangle rule. In the test case, |
---|
140 | # neither trapezoid nor Simpson's rule improved the accuracy. |
---|
141 | edges = bin_edges(q_calc) |
---|
142 | edges[edges<0.0] = 0.0 # clip edges below zero |
---|
143 | G = erf( (edges[:,None] - q[None,:]) / (sqrt(2.0)*q_width)[None,:] ) |
---|
144 | weights = G[1:] - G[:-1] |
---|
145 | weights /= np.sum(weights, axis=0)[None,:] |
---|
146 | return weights |
---|
147 | |
---|
148 | |
---|
149 | def slit_resolution(q_calc, q, width, height): |
---|
150 | r""" |
---|
151 | Build a weight matrix to compute *I_s(q)* from *I(q_calc)*, given |
---|
152 | $q_v$ = *width* and $q_h$ = *height*. |
---|
153 | |
---|
154 | *width* and *height* are scalars since current instruments use the |
---|
155 | same slit settings for all measurement points. |
---|
156 | |
---|
157 | If slit height is large relative to width, use: |
---|
158 | |
---|
159 | .. math:: |
---|
160 | |
---|
161 | I_s(q_o) = \frac{1}{\Delta q_v} |
---|
162 | \int_0^{\Delta q_v} I(\sqrt{q_o^2 + u^2} du |
---|
163 | |
---|
164 | If slit width is large relative to height, use: |
---|
165 | |
---|
166 | .. math:: |
---|
167 | |
---|
168 | I_s(q_o) = \frac{1}{2 \Delta q_v} |
---|
169 | \int_{-\Delta q_v}^{\Delta q_v} I(u) du |
---|
170 | """ |
---|
171 | if width == 0.0 and height == 0.0: |
---|
172 | #print "condition zero" |
---|
173 | return 1 |
---|
174 | |
---|
175 | q_edges = bin_edges(q_calc) # Note: requires q > 0 |
---|
176 | q_edges[q_edges<0.0] = 0.0 # clip edges below zero |
---|
177 | |
---|
178 | #np.set_printoptions(linewidth=10000) |
---|
179 | if width <= 100.0 * height or height == 0: |
---|
180 | # The current algorithm is a midpoint rectangle rule. In the test case, |
---|
181 | # neither trapezoid nor Simpson's rule improved the accuracy. |
---|
182 | #print "condition h", q_edges.shape, q.shape, q_calc.shape |
---|
183 | weights = np.zeros((len(q), len(q_calc)), 'd') |
---|
184 | for i, qi in enumerate(q): |
---|
185 | weights[i, :] = np.diff(q_to_u(q_edges, qi)) |
---|
186 | weights /= width |
---|
187 | weights = weights.T |
---|
188 | else: |
---|
189 | #print "condition w" |
---|
190 | # Make q_calc into a row vector, and q into a column vector |
---|
191 | q, q_calc = q[None,:], q_calc[:,None] |
---|
192 | in_x = (q_calc >= q-width) * (q_calc <= q+width) |
---|
193 | weights = np.diff(q_edges)[:,None] * in_x |
---|
194 | |
---|
195 | return weights |
---|
196 | |
---|
197 | |
---|
198 | def pinhole_extend_q(q, q_width, nsigma=3): |
---|
199 | """ |
---|
200 | Given *q* and *q_width*, find a set of sampling points *q_calc* so |
---|
201 | that each point I(q) has sufficient support from the underlying |
---|
202 | function. |
---|
203 | """ |
---|
204 | q_min, q_max = np.min(q - nsigma*q_width), np.max(q + nsigma*q_width) |
---|
205 | return linear_extrapolation(q, q_min, q_max) |
---|
206 | |
---|
207 | |
---|
208 | def slit_extend_q(q, width, height): |
---|
209 | """ |
---|
210 | Given *q*, *width* and *height*, find a set of sampling points *q_calc* so |
---|
211 | that each point I(q) has sufficient support from the underlying |
---|
212 | function. |
---|
213 | """ |
---|
214 | height # keep lint happy |
---|
215 | q_min, q_max = np.min(q), np.max(np.sqrt(q**2 + width**2)) |
---|
216 | return geometric_extrapolation(q, q_min, q_max) |
---|
217 | |
---|
218 | |
---|
219 | def bin_edges(x): |
---|
220 | """ |
---|
221 | Determine bin edges from bin centers, assuming that edges are centered |
---|
222 | between the bins. |
---|
223 | |
---|
224 | Note: this uses the arithmetic mean, which may not be appropriate for |
---|
225 | log-scaled data. |
---|
226 | """ |
---|
227 | if len(x) < 2 or (np.diff(x)<0).any(): |
---|
228 | raise ValueError("Expected bins to be an increasing set") |
---|
229 | edges = np.hstack([ |
---|
230 | x[0] - 0.5*(x[1] - x[0]), # first point minus half first interval |
---|
231 | 0.5*(x[1:] + x[:-1]), # mid points of all central intervals |
---|
232 | x[-1] + 0.5*(x[-1] - x[-2]), # last point plus half last interval |
---|
233 | ]) |
---|
234 | return edges |
---|
235 | |
---|
236 | |
---|
237 | def q_to_u(q, q0): |
---|
238 | """ |
---|
239 | Convert *q* values to *u* values for the integral computed at *q0*. |
---|
240 | """ |
---|
241 | # array([value])**2 - value**2 is not always zero |
---|
242 | qpsq = q**2 - q0**2 |
---|
243 | qpsq[qpsq<0] = 0 |
---|
244 | return sqrt(qpsq) |
---|
245 | |
---|
246 | |
---|
247 | def interpolate(q, max_step): |
---|
248 | """ |
---|
249 | Returns *q_calc* with points spaced at most max_step apart. |
---|
250 | """ |
---|
251 | step = np.diff(q) |
---|
252 | index = step>max_step |
---|
253 | if np.any(index): |
---|
254 | inserts = [] |
---|
255 | for q_i,step_i in zip(q[:-1][index],step[index]): |
---|
256 | n = np.ceil(step_i/max_step) |
---|
257 | inserts.extend(q_i + np.arange(1,n)*(step_i/n)) |
---|
258 | # Extend a couple of fringes beyond the end of the data |
---|
259 | inserts.extend(q[-1] + np.arange(1,8)*max_step) |
---|
260 | q_calc = np.sort(np.hstack((q,inserts))) |
---|
261 | else: |
---|
262 | q_calc = q |
---|
263 | return q_calc |
---|
264 | |
---|
265 | |
---|
266 | def linear_extrapolation(q, q_min, q_max): |
---|
267 | """ |
---|
268 | Extrapolate *q* out to [*q_min*, *q_max*] using the step size in *q* as |
---|
269 | a guide. Extrapolation below uses about the same size as the first |
---|
270 | interval. Extrapolation above uses about the same size as the final |
---|
271 | interval. |
---|
272 | |
---|
273 | if *q_min* is zero or less then *q[0]/10* is used instead. |
---|
274 | """ |
---|
275 | q = np.sort(q) |
---|
276 | if q_min < q[0]: |
---|
277 | if q_min <= 0: q_min = q[0]/10 |
---|
278 | n_low = np.ceil((q[0]-q_min) / (q[1]-q[0])) if q[1]>q[0] else 15 |
---|
279 | q_low = np.linspace(q_min, q[0], n_low+1)[:-1] |
---|
280 | else: |
---|
281 | q_low = [] |
---|
282 | if q_max > q[-1]: |
---|
283 | n_high = np.ceil((q_max-q[-1]) / (q[-1]-q[-2])) if q[-1]>q[-2] else 15 |
---|
284 | q_high = np.linspace(q[-1], q_max, n_high+1)[1:] |
---|
285 | else: |
---|
286 | q_high = [] |
---|
287 | return np.concatenate([q_low, q, q_high]) |
---|
288 | |
---|
289 | |
---|
290 | def geometric_extrapolation(q, q_min, q_max, points_per_decade=None): |
---|
291 | r""" |
---|
292 | Extrapolate *q* to [*q_min*, *q_max*] using geometric steps, with the |
---|
293 | average geometric step size in *q* as the step size. |
---|
294 | |
---|
295 | if *q_min* is zero or less then *q[0]/10* is used instead. |
---|
296 | |
---|
297 | *points_per_decade* sets the ratio between consecutive steps such |
---|
298 | that there will be $n$ points used for every factor of 10 increase |
---|
299 | in $q$. |
---|
300 | |
---|
301 | If *points_per_decade* is not given, it will be estimated as follows. |
---|
302 | Starting at $q_1$ and stepping geometrically by $\Delta q$ to $q_n$ |
---|
303 | in $n$ points gives a geometric average of: |
---|
304 | |
---|
305 | .. math:: |
---|
306 | |
---|
307 | \log \Delta q = (\log q_n - log q_1) / (n - 1) |
---|
308 | |
---|
309 | From this we can compute the number of steps required to extend $q$ |
---|
310 | from $q_n$ to $q_\text{max}$ by $\Delta q$ as: |
---|
311 | |
---|
312 | .. math:: |
---|
313 | |
---|
314 | n_\text{extend} = (\log q_\text{max} - \log q_n) / \log \Delta q |
---|
315 | |
---|
316 | Substituting: |
---|
317 | |
---|
318 | .. math:: |
---|
319 | |
---|
320 | n_\text{extend} = (n-1) (\log q_\text{max} - \log q_n) |
---|
321 | / (\log q_n - \log q_1) |
---|
322 | """ |
---|
323 | q = np.sort(q) |
---|
324 | if points_per_decade is None: |
---|
325 | log_delta_q = (len(q) - 1) / (log(q[-1]) - log(q[0])) |
---|
326 | else: |
---|
327 | log_delta_q = log(10.) / points_per_decade |
---|
328 | if q_min < q[0]: |
---|
329 | if q_min < 0: q_min = q[0]/10 |
---|
330 | n_low = log_delta_q * (log(q[0])-log(q_min)) |
---|
331 | q_low = np.logspace(log10(q_min), log10(q[0]), np.ceil(n_low)+1)[:-1] |
---|
332 | else: |
---|
333 | q_low = [] |
---|
334 | if q_max > q[-1]: |
---|
335 | n_high = log_delta_q * (log(q_max)-log(q[-1])) |
---|
336 | q_high = np.logspace(log10(q[-1]), log10(q_max), np.ceil(n_high)+1)[1:] |
---|
337 | else: |
---|
338 | q_high = [] |
---|
339 | return np.concatenate([q_low, q, q_high]) |
---|
340 | |
---|
341 | |
---|
342 | ############################################################################ |
---|
343 | # unit tests |
---|
344 | ############################################################################ |
---|
345 | import unittest |
---|
346 | |
---|
347 | |
---|
348 | def eval_form(q, form, pars): |
---|
349 | from sasmodels import core |
---|
350 | kernel = core.make_kernel(form, [q]) |
---|
351 | theory = core.call_kernel(kernel, pars) |
---|
352 | kernel.release() |
---|
353 | return theory |
---|
354 | |
---|
355 | |
---|
356 | def gaussian(q, q0, dq): |
---|
357 | from numpy import exp, pi |
---|
358 | return exp(-0.5*((q-q0)/dq)**2)/(sqrt(2*pi)*dq) |
---|
359 | |
---|
360 | |
---|
361 | def romberg_slit_1d(q, delta_qv, form, pars): |
---|
362 | """ |
---|
363 | Romberg integration for slit resolution. |
---|
364 | |
---|
365 | This is an adaptive integration technique. It is called with settings |
---|
366 | that make it slow to evaluate but give it good accuracy. |
---|
367 | """ |
---|
368 | from scipy.integrate import romberg |
---|
369 | |
---|
370 | if any(k not in form.info['defaults'] for k in pars.keys()): |
---|
371 | keys = set(form.info['defaults'].keys()) |
---|
372 | extra = set(pars.keys()) - keys |
---|
373 | raise ValueError("bad parameters: [%s] not in [%s]"% |
---|
374 | (", ".join(sorted(extra)), ", ".join(sorted(keys)))) |
---|
375 | |
---|
376 | _fn = lambda u, q0: eval_form(sqrt(q0**2 + u**2), form, pars) |
---|
377 | r = [romberg(_fn, 0, delta_qv[0], args=(qi,), |
---|
378 | divmax=100, vec_func=True, tol=0, rtol=1e-8) |
---|
379 | for qi in q] |
---|
380 | # r should be [float, ...], but it is [array([float]), array([float]),...] |
---|
381 | return np.asarray(r).flatten()/delta_qv[0] |
---|
382 | |
---|
383 | |
---|
384 | def romberg_pinhole_1d(q, q_width, form, pars, nsigma=5): |
---|
385 | """ |
---|
386 | Romberg integration for pinhole resolution. |
---|
387 | |
---|
388 | This is an adaptive integration technique. It is called with settings |
---|
389 | that make it slow to evaluate but give it good accuracy. |
---|
390 | """ |
---|
391 | from scipy.integrate import romberg |
---|
392 | |
---|
393 | if any(k not in form.info['defaults'] for k in pars.keys()): |
---|
394 | keys = set(form.info['defaults'].keys()) |
---|
395 | extra = set(pars.keys()) - keys |
---|
396 | raise ValueError("bad parameters: [%s] not in [%s]"% |
---|
397 | (", ".join(sorted(extra)), ", ".join(sorted(keys)))) |
---|
398 | |
---|
399 | _fn = lambda q, q0, dq: eval_form(q, form, pars)*gaussian(q, q0, dq) |
---|
400 | r = [romberg(_fn, max(qi-nsigma*dqi,1e-10*q[0]), qi+nsigma*dqi, args=(qi, dqi), |
---|
401 | divmax=100, vec_func=True, tol=0, rtol=1e-8) |
---|
402 | for qi,dqi in zip(q,q_width)] |
---|
403 | return np.asarray(r).flatten() |
---|
404 | |
---|
405 | |
---|
406 | class ResolutionTest(unittest.TestCase): |
---|
407 | |
---|
408 | def setUp(self): |
---|
409 | self.x = 0.001*np.arange(1, 11) |
---|
410 | self.y = self.Iq(self.x) |
---|
411 | |
---|
412 | def Iq(self, q): |
---|
413 | "Linear function for resolution unit test" |
---|
414 | return 12.0 - 1000.0*q |
---|
415 | |
---|
416 | def test_perfect(self): |
---|
417 | """ |
---|
418 | Perfect resolution and no smearing. |
---|
419 | """ |
---|
420 | resolution = Perfect1D(self.x) |
---|
421 | theory = self.Iq(resolution.q_calc) |
---|
422 | output = resolution.apply(theory) |
---|
423 | np.testing.assert_equal(output, self.y) |
---|
424 | |
---|
425 | def test_slit_zero(self): |
---|
426 | """ |
---|
427 | Slit smearing with perfect resolution. |
---|
428 | """ |
---|
429 | resolution = Slit1D(self.x, width=0, height=0, q_calc=self.x) |
---|
430 | theory = self.Iq(resolution.q_calc) |
---|
431 | output = resolution.apply(theory) |
---|
432 | np.testing.assert_equal(output, self.y) |
---|
433 | |
---|
434 | @unittest.skip("not yet supported") |
---|
435 | def test_slit_high(self): |
---|
436 | """ |
---|
437 | Slit smearing with height 0.005 |
---|
438 | """ |
---|
439 | resolution = Slit1D(self.x, width=0, height=0.005, q_calc=self.x) |
---|
440 | theory = self.Iq(resolution.q_calc) |
---|
441 | output = resolution.apply(theory) |
---|
442 | answer = [ 9.0618, 8.6402, 8.1187, 7.1392, 6.1528, |
---|
443 | 5.5555, 4.5584, 3.5606, 2.5623, 2.0000 ] |
---|
444 | np.testing.assert_allclose(output, answer, atol=1e-4) |
---|
445 | |
---|
446 | @unittest.skip("not yet supported") |
---|
447 | def test_slit_both_high(self): |
---|
448 | """ |
---|
449 | Slit smearing with width < 100*height. |
---|
450 | """ |
---|
451 | q = np.logspace(-4, -1, 10) |
---|
452 | resolution = Slit1D(q, width=0.2, height=np.inf) |
---|
453 | theory = 1000*self.Iq(resolution.q_calc**4) |
---|
454 | output = resolution.apply(theory) |
---|
455 | answer = [ 8.85785, 8.43012, 7.92687, 6.94566, 6.03660, |
---|
456 | 5.40363, 4.40655, 3.40880, 2.41058, 2.00000 ] |
---|
457 | np.testing.assert_allclose(output, answer, atol=1e-4) |
---|
458 | |
---|
459 | @unittest.skip("not yet supported") |
---|
460 | def test_slit_wide(self): |
---|
461 | """ |
---|
462 | Slit smearing with width 0.0002 |
---|
463 | """ |
---|
464 | resolution = Slit1D(self.x, width=0.0002, height=0, q_calc=self.x) |
---|
465 | theory = self.Iq(resolution.q_calc) |
---|
466 | output = resolution.apply(theory) |
---|
467 | answer = [ 11.0, 10.0, 9.0, 8.0, 7.0, 6.0, 5.0, 4.0, 3.0, 2.0 ] |
---|
468 | np.testing.assert_allclose(output, answer, atol=1e-4) |
---|
469 | |
---|
470 | @unittest.skip("not yet supported") |
---|
471 | def test_slit_both_wide(self): |
---|
472 | """ |
---|
473 | Slit smearing with width > 100*height. |
---|
474 | """ |
---|
475 | resolution = Slit1D(self.x, width=0.0002, height=0.000001, |
---|
476 | q_calc=self.x) |
---|
477 | theory = self.Iq(resolution.q_calc) |
---|
478 | output = resolution.apply(theory) |
---|
479 | answer = [ 11.0, 10.0, 9.0, 8.0, 7.0, 6.0, 5.0, 4.0, 3.0, 2.0 ] |
---|
480 | np.testing.assert_allclose(output, answer, atol=1e-4) |
---|
481 | |
---|
482 | def test_pinhole_zero(self): |
---|
483 | """ |
---|
484 | Pinhole smearing with perfect resolution |
---|
485 | """ |
---|
486 | resolution = Pinhole1D(self.x, 0.0*self.x) |
---|
487 | theory = self.Iq(resolution.q_calc) |
---|
488 | output = resolution.apply(theory) |
---|
489 | np.testing.assert_equal(output, self.y) |
---|
490 | |
---|
491 | def test_pinhole(self): |
---|
492 | """ |
---|
493 | Pinhole smearing with dQ = 0.001 [Note: not dQ/Q = 0.001] |
---|
494 | """ |
---|
495 | resolution = Pinhole1D(self.x, 0.001*np.ones_like(self.x), |
---|
496 | q_calc=self.x) |
---|
497 | theory = 12.0-1000.0*resolution.q_calc |
---|
498 | output = resolution.apply(theory) |
---|
499 | answer = [ 10.44785079, 9.84991299, 8.98101708, |
---|
500 | 7.99906585, 6.99998311, 6.00001689, |
---|
501 | 5.00093415, 4.01898292, 3.15008701, 2.55214921] |
---|
502 | np.testing.assert_allclose(output, answer, atol=1e-8) |
---|
503 | |
---|
504 | |
---|
505 | class IgorComparisonTest(unittest.TestCase): |
---|
506 | |
---|
507 | def setUp(self): |
---|
508 | self.pars = TEST_PARS_PINHOLE_SPHERE |
---|
509 | from sasmodels import core |
---|
510 | from sasmodels.models import sphere |
---|
511 | self.model = core.load_model(sphere, dtype='double') |
---|
512 | |
---|
513 | def Iq_sphere(self, pars, resolution): |
---|
514 | from sasmodels import core |
---|
515 | kernel = core.make_kernel(self.model, [resolution.q_calc]) |
---|
516 | theory = core.call_kernel(kernel, pars) |
---|
517 | result = resolution.apply(theory) |
---|
518 | kernel.release() |
---|
519 | return result |
---|
520 | |
---|
521 | def compare(self, q, output, answer, tolerance): |
---|
522 | err = (output - answer)/answer |
---|
523 | idx = abs(err) >= tolerance |
---|
524 | problem = zip(q[idx], output[idx], answer[idx], err[idx]) |
---|
525 | print "\n".join(str(v) for v in problem) |
---|
526 | np.testing.assert_allclose(output, answer, rtol=tolerance) |
---|
527 | |
---|
528 | def test_perfect(self): |
---|
529 | """ |
---|
530 | Compare sphere model with NIST Igor SANS, no resolution smearing. |
---|
531 | """ |
---|
532 | pars = TEST_PARS_SLIT_SPHERE |
---|
533 | data_string = TEST_DATA_SLIT_SPHERE |
---|
534 | |
---|
535 | data = np.loadtxt(data_string.split('\n')).T |
---|
536 | q, width, answer, _ = data |
---|
537 | resolution = Perfect1D(q) |
---|
538 | output = self.Iq_sphere(pars, resolution) |
---|
539 | self.compare(q, output, answer, 1e-6) |
---|
540 | |
---|
541 | def test_pinhole(self): |
---|
542 | """ |
---|
543 | Compare pinhole resolution smearing with NIST Igor SANS |
---|
544 | """ |
---|
545 | pars = TEST_PARS_PINHOLE_SPHERE |
---|
546 | data_string = TEST_DATA_PINHOLE_SPHERE |
---|
547 | |
---|
548 | data = np.loadtxt(data_string.split('\n')).T |
---|
549 | q, q_width, answer = data |
---|
550 | resolution = Pinhole1D(q, q_width) |
---|
551 | output = self.Iq_sphere(pars, resolution) |
---|
552 | # TODO: relative error should be lower |
---|
553 | self.compare(q, output, answer, 3e-4) |
---|
554 | |
---|
555 | def test_pinhole_romberg(self): |
---|
556 | """ |
---|
557 | Compare pinhole resolution smearing with romberg integration result. |
---|
558 | """ |
---|
559 | pars = TEST_PARS_PINHOLE_SPHERE |
---|
560 | data_string = TEST_DATA_PINHOLE_SPHERE |
---|
561 | pars['radius'] *= 5 |
---|
562 | radius = pars['radius'] |
---|
563 | |
---|
564 | data = np.loadtxt(data_string.split('\n')).T |
---|
565 | q, q_width, answer = data |
---|
566 | answer = romberg_pinhole_1d(q, q_width, self.model, pars) |
---|
567 | ## Getting 0.1% requires 5 sigma and 200 points per fringe |
---|
568 | #q_calc = interpolate(pinhole_extend_q(q, q_width, nsigma=5), |
---|
569 | # 2*np.pi/radius/200) |
---|
570 | #tol = 0.001 |
---|
571 | ## The default 3 sigma and no extra points gets 1% |
---|
572 | q_calc, tol = None, 0.01 |
---|
573 | resolution = Pinhole1D(q, q_width, q_calc=q_calc) |
---|
574 | output = self.Iq_sphere(pars, resolution) |
---|
575 | if 0: # debug plot |
---|
576 | import matplotlib.pyplot as plt |
---|
577 | resolution = Perfect1D(q) |
---|
578 | source = self.Iq_sphere(pars, resolution) |
---|
579 | plt.loglog(q, source, '.') |
---|
580 | plt.loglog(q, answer, '-', hold=True) |
---|
581 | plt.loglog(q, output, '-', hold=True) |
---|
582 | plt.show() |
---|
583 | self.compare(q, output, answer, tol) |
---|
584 | |
---|
585 | def test_slit(self): |
---|
586 | """ |
---|
587 | Compare slit resolution smearing with NIST Igor SANS |
---|
588 | """ |
---|
589 | pars = TEST_PARS_SLIT_SPHERE |
---|
590 | data_string = TEST_DATA_SLIT_SPHERE |
---|
591 | |
---|
592 | data = np.loadtxt(data_string.split('\n')).T |
---|
593 | q, delta_qv, _, answer = data |
---|
594 | resolution = Slit1D(q, width=delta_qv, height=0) |
---|
595 | output = self.Iq_sphere(pars, resolution) |
---|
596 | # TODO: eliminate Igor test since it is too inaccurate to be useful. |
---|
597 | # This means we can eliminate the test data as well, and instead |
---|
598 | # use a generated q vector. |
---|
599 | self.compare(q, output, answer, 0.5) |
---|
600 | |
---|
601 | def test_slit_romberg(self): |
---|
602 | """ |
---|
603 | Compare slit resolution smearing with romberg integration result. |
---|
604 | """ |
---|
605 | pars = TEST_PARS_SLIT_SPHERE |
---|
606 | data_string = TEST_DATA_SLIT_SPHERE |
---|
607 | radius = pars['radius'] |
---|
608 | |
---|
609 | data = np.loadtxt(data_string.split('\n')).T |
---|
610 | q, delta_qv, _, answer = data |
---|
611 | answer = romberg_slit_1d(q, delta_qv, self.model, pars) |
---|
612 | q_calc = slit_extend_q(interpolate(q, 2*np.pi/radius/20), |
---|
613 | delta_qv[0], delta_qv[0]) |
---|
614 | resolution = Slit1D(q, width=delta_qv, height=0, q_calc=q_calc) |
---|
615 | output = self.Iq_sphere(pars, resolution) |
---|
616 | # TODO: relative error should be lower |
---|
617 | self.compare(q, output, answer, 0.025) |
---|
618 | |
---|
619 | def test_ellipsoid(self): |
---|
620 | """ |
---|
621 | Compare romberg integration for ellipsoid model. |
---|
622 | """ |
---|
623 | from .core import load_model |
---|
624 | pars = { |
---|
625 | 'scale':0.05, |
---|
626 | 'rpolar':500, 'requatorial':15000, |
---|
627 | 'sld':6, 'solvent_sld': 1, |
---|
628 | } |
---|
629 | form = load_model('ellipsoid', dtype='double') |
---|
630 | q = np.logspace(log10(4e-5),log10(2.5e-2), 68) |
---|
631 | delta_qv = [0.117] |
---|
632 | resolution = Slit1D(q, width=delta_qv, height=0) |
---|
633 | answer = romberg_slit_1d(q, delta_qv, form, pars) |
---|
634 | output = resolution.apply(eval_form(resolution.q_calc, form, pars)) |
---|
635 | # TODO: 10% is too much error; use better algorithm |
---|
636 | self.compare(q, output, answer, 0.1) |
---|
637 | |
---|
638 | #TODO: can sas q spacing be too sparse for the resolution calculation? |
---|
639 | @unittest.skip("suppress sparse data test; not supported by current code") |
---|
640 | def test_pinhole_sparse(self): |
---|
641 | """ |
---|
642 | Compare pinhole resolution smearing with NIST Igor SANS on sparse data |
---|
643 | """ |
---|
644 | pars = TEST_PARS_PINHOLE_SPHERE |
---|
645 | data_string = TEST_DATA_PINHOLE_SPHERE |
---|
646 | |
---|
647 | data = np.loadtxt(data_string.split('\n')).T |
---|
648 | q, q_width, answer = data[:, ::20] # Take every nth point |
---|
649 | resolution = Pinhole1D(q, q_width) |
---|
650 | output = self.Iq_sphere(pars, resolution) |
---|
651 | self.compare(q, output, answer, 1e-6) |
---|
652 | |
---|
653 | |
---|
654 | # pinhole sphere parameters |
---|
655 | TEST_PARS_PINHOLE_SPHERE = { |
---|
656 | 'scale': 1.0, 'background': 0.01, |
---|
657 | 'radius': 60.0, 'sld': 1, 'solvent_sld': 6.3, |
---|
658 | } |
---|
659 | # Q, dQ, I(Q) calculated by NIST Igor SANS package |
---|
660 | TEST_DATA_PINHOLE_SPHERE = """\ |
---|
661 | 0.001278 0.0002847 2538.41176383 |
---|
662 | 0.001562 0.0002905 2536.91820405 |
---|
663 | 0.001846 0.0002956 2535.13182479 |
---|
664 | 0.002130 0.0003017 2533.06217813 |
---|
665 | 0.002414 0.0003087 2530.70378586 |
---|
666 | 0.002698 0.0003165 2528.05024192 |
---|
667 | 0.002982 0.0003249 2525.10408349 |
---|
668 | 0.003266 0.0003340 2521.86667499 |
---|
669 | 0.003550 0.0003437 2518.33907750 |
---|
670 | 0.003834 0.0003539 2514.52246995 |
---|
671 | 0.004118 0.0003646 2510.41798319 |
---|
672 | 0.004402 0.0003757 2506.02690988 |
---|
673 | 0.004686 0.0003872 2501.35067884 |
---|
674 | 0.004970 0.0003990 2496.38678318 |
---|
675 | 0.005253 0.0004112 2491.16237596 |
---|
676 | 0.005537 0.0004237 2485.63911673 |
---|
677 | 0.005821 0.0004365 2479.83657083 |
---|
678 | 0.006105 0.0004495 2473.75676948 |
---|
679 | 0.006389 0.0004628 2467.40145990 |
---|
680 | 0.006673 0.0004762 2460.77293372 |
---|
681 | 0.006957 0.0004899 2453.86724627 |
---|
682 | 0.007241 0.0005037 2446.69623838 |
---|
683 | 0.007525 0.0005177 2439.25775219 |
---|
684 | 0.007809 0.0005318 2431.55421398 |
---|
685 | 0.008093 0.0005461 2423.58785521 |
---|
686 | 0.008377 0.0005605 2415.36158137 |
---|
687 | 0.008661 0.0005750 2406.87009473 |
---|
688 | 0.008945 0.0005896 2398.12841186 |
---|
689 | 0.009229 0.0006044 2389.13360806 |
---|
690 | 0.009513 0.0006192 2379.88958042 |
---|
691 | 0.009797 0.0006341 2370.39776774 |
---|
692 | 0.010080 0.0006491 2360.69528793 |
---|
693 | 0.010360 0.0006641 2350.85169027 |
---|
694 | 0.010650 0.0006793 2340.42023633 |
---|
695 | 0.010930 0.0006945 2330.11206013 |
---|
696 | 0.011220 0.0007097 2319.20109972 |
---|
697 | 0.011500 0.0007251 2308.43503981 |
---|
698 | 0.011780 0.0007404 2297.44820179 |
---|
699 | 0.012070 0.0007558 2285.83853677 |
---|
700 | 0.012350 0.0007713 2274.41290746 |
---|
701 | 0.012640 0.0007868 2262.36219581 |
---|
702 | 0.012920 0.0008024 2250.51169731 |
---|
703 | 0.013200 0.0008180 2238.45596231 |
---|
704 | 0.013490 0.0008336 2225.76495666 |
---|
705 | 0.013770 0.0008493 2213.29618391 |
---|
706 | 0.014060 0.0008650 2200.19110751 |
---|
707 | 0.014340 0.0008807 2187.34050325 |
---|
708 | 0.014620 0.0008965 2174.30529864 |
---|
709 | 0.014910 0.0009123 2160.61632548 |
---|
710 | 0.015190 0.0009281 2147.21038112 |
---|
711 | 0.015470 0.0009440 2133.62023580 |
---|
712 | 0.015760 0.0009598 2119.37907426 |
---|
713 | 0.016040 0.0009757 2105.45234903 |
---|
714 | 0.016330 0.0009916 2090.86319102 |
---|
715 | 0.016610 0.0010080 2076.60576032 |
---|
716 | 0.016890 0.0010240 2062.19214565 |
---|
717 | 0.017180 0.0010390 2047.10550219 |
---|
718 | 0.017460 0.0010550 2032.38715621 |
---|
719 | 0.017740 0.0010710 2017.52560123 |
---|
720 | 0.018030 0.0010880 2001.99124318 |
---|
721 | 0.018310 0.0011040 1986.84662060 |
---|
722 | 0.018600 0.0011200 1971.03389745 |
---|
723 | 0.018880 0.0011360 1955.61395119 |
---|
724 | 0.019160 0.0011520 1940.08291563 |
---|
725 | 0.019450 0.0011680 1923.87672225 |
---|
726 | 0.019730 0.0011840 1908.10656374 |
---|
727 | 0.020020 0.0012000 1891.66297192 |
---|
728 | 0.020300 0.0012160 1875.66789021 |
---|
729 | 0.020580 0.0012320 1859.56357196 |
---|
730 | 0.020870 0.0012490 1842.79468290 |
---|
731 | 0.021150 0.0012650 1826.50064489 |
---|
732 | 0.021430 0.0012810 1810.11533702 |
---|
733 | 0.021720 0.0012970 1793.06840882 |
---|
734 | 0.022000 0.0013130 1776.51153580 |
---|
735 | 0.022280 0.0013290 1759.87201249 |
---|
736 | 0.022570 0.0013460 1742.57354412 |
---|
737 | 0.022850 0.0013620 1725.79397319 |
---|
738 | 0.023140 0.0013780 1708.35831550 |
---|
739 | 0.023420 0.0013940 1691.45256069 |
---|
740 | 0.023700 0.0014110 1674.48561783 |
---|
741 | 0.023990 0.0014270 1656.86525366 |
---|
742 | 0.024270 0.0014430 1639.79847285 |
---|
743 | 0.024550 0.0014590 1622.68887088 |
---|
744 | 0.024840 0.0014760 1604.96421100 |
---|
745 | 0.025120 0.0014920 1587.85768129 |
---|
746 | 0.025410 0.0015080 1569.99297335 |
---|
747 | 0.025690 0.0015240 1552.84580279 |
---|
748 | 0.025970 0.0015410 1535.54074115 |
---|
749 | 0.026260 0.0015570 1517.75249337 |
---|
750 | 0.026540 0.0015730 1500.40115023 |
---|
751 | 0.026820 0.0015900 1483.03632237 |
---|
752 | 0.027110 0.0016060 1465.05942429 |
---|
753 | 0.027390 0.0016220 1447.67682181 |
---|
754 | 0.027670 0.0016390 1430.46495191 |
---|
755 | 0.027960 0.0016550 1412.49232282 |
---|
756 | 0.028240 0.0016710 1395.13182318 |
---|
757 | 0.028520 0.0016880 1377.93439837 |
---|
758 | 0.028810 0.0017040 1359.99528971 |
---|
759 | 0.029090 0.0017200 1342.67274512 |
---|
760 | 0.029370 0.0017370 1325.55375609 |
---|
761 | """ |
---|
762 | |
---|
763 | # Slit sphere parameters |
---|
764 | TEST_PARS_SLIT_SPHERE = { |
---|
765 | 'scale': 0.01, 'background': 0.01, |
---|
766 | 'radius': 60000, 'sld': 1, 'solvent_sld': 4, |
---|
767 | } |
---|
768 | # Q dQ I(Q) I_smeared(Q) |
---|
769 | TEST_DATA_SLIT_SPHERE = """\ |
---|
770 | 2.26097e-05 0.117 5.5781372896e+09 1.4626077708e+06 |
---|
771 | 2.53847e-05 0.117 5.0363141458e+09 1.3117318023e+06 |
---|
772 | 2.81597e-05 0.117 4.4850108103e+09 1.1594863713e+06 |
---|
773 | 3.09347e-05 0.117 3.9364658459e+09 1.0094881630e+06 |
---|
774 | 3.37097e-05 0.117 3.4019975074e+09 8.6518941303e+05 |
---|
775 | 3.92597e-05 0.117 2.4139519814e+09 6.0232158311e+05 |
---|
776 | 4.48097e-05 0.117 1.5816877820e+09 3.8739994090e+05 |
---|
777 | 5.03597e-05 0.117 9.3715407224e+08 2.2745304775e+05 |
---|
778 | 5.59097e-05 0.117 4.8387917428e+08 1.2101295768e+05 |
---|
779 | 6.14597e-05 0.117 2.0193586928e+08 6.0055107771e+04 |
---|
780 | 6.70097e-05 0.117 5.5886110911e+07 3.2749521065e+04 |
---|
781 | 7.25597e-05 0.117 3.7782348010e+06 2.6350963616e+04 |
---|
782 | 7.81097e-05 0.117 5.3407817904e+06 2.9624963314e+04 |
---|
783 | 8.36597e-05 0.117 2.7975485523e+07 3.4403962254e+04 |
---|
784 | 8.92097e-05 0.117 4.9845448282e+07 3.6130017903e+04 |
---|
785 | 9.47597e-05 0.117 6.0092588905e+07 3.3495107849e+04 |
---|
786 | 1.00310e-04 0.117 5.6823430831e+07 2.7475726279e+04 |
---|
787 | 1.05860e-04 0.117 4.3857024036e+07 2.0144282226e+04 |
---|
788 | 1.11410e-04 0.117 2.7277144760e+07 1.3647403260e+04 |
---|
789 | 1.22510e-04 0.117 3.3119334113e+06 6.6519711526e+03 |
---|
790 | 1.33610e-04 0.117 1.4412859402e+06 6.9726212813e+03 |
---|
791 | 1.44710e-04 0.117 8.5620162463e+06 8.1441335775e+03 |
---|
792 | 1.55810e-04 0.117 9.6957429033e+06 6.4559996521e+03 |
---|
793 | 1.66910e-04 0.117 4.3818341914e+06 3.6252154156e+03 |
---|
794 | 1.78010e-04 0.117 2.7448997387e+05 2.4006505342e+03 |
---|
795 | 1.89110e-04 0.117 8.0472009936e+05 2.8187789089e+03 |
---|
796 | 2.00210e-04 0.117 2.8149552834e+06 3.0915662855e+03 |
---|
797 | 2.11310e-04 0.117 2.7510907861e+06 2.3722530293e+03 |
---|
798 | 2.22410e-04 0.117 1.0053133293e+06 1.4473468311e+03 |
---|
799 | 2.33510e-04 0.117 5.8428305052e+03 1.2048540556e+03 |
---|
800 | 2.44610e-04 0.117 5.1699305004e+05 1.4625670042e+03 |
---|
801 | 2.55710e-04 0.117 1.2120227268e+06 1.5010705973e+03 |
---|
802 | 2.66810e-04 0.117 9.7896842846e+05 1.1336343426e+03 |
---|
803 | 2.77910e-04 0.117 2.5507264791e+05 8.1848818080e+02 |
---|
804 | 3.05660e-04 0.117 5.2403101181e+05 7.4913374357e+02 |
---|
805 | 3.33410e-04 0.117 5.8699343809e+04 4.4669964560e+02 |
---|
806 | 3.61160e-04 0.117 3.0844327150e+05 4.6774007542e+02 |
---|
807 | 3.88910e-04 0.117 8.3360142970e+03 2.7169550220e+02 |
---|
808 | 4.16660e-04 0.117 1.8630080583e+05 3.0710983679e+02 |
---|
809 | 4.44410e-04 0.117 3.1616804732e-01 1.7959006831e+02 |
---|
810 | 4.72160e-04 0.117 1.1299016314e+05 2.0763952339e+02 |
---|
811 | 4.99910e-04 0.117 2.9952522747e+03 1.2536542765e+02 |
---|
812 | 5.27660e-04 0.117 6.7625695649e+04 1.4013969777e+02 |
---|
813 | 5.55410e-04 0.117 7.6927460089e+03 8.2145593180e+01 |
---|
814 | 6.10910e-04 0.117 1.1229057779e+04 8.4519745643e+01 |
---|
815 | 6.66410e-04 0.117 1.3035567943e+04 8.1554625609e+01 |
---|
816 | 7.21910e-04 0.117 1.3309931343e+04 7.4437319172e+01 |
---|
817 | 7.77410e-04 0.117 1.2462626212e+04 6.4697088261e+01 |
---|
818 | 8.32910e-04 0.117 1.0912927143e+04 5.3773301044e+01 |
---|
819 | 8.88410e-04 0.117 9.0172597469e+03 4.2843375753e+01 |
---|
820 | 9.43910e-04 0.117 7.0496495917e+03 3.2771032724e+01 |
---|
821 | 9.99410e-04 0.117 5.2030483682e+03 2.4113557144e+01 |
---|
822 | 1.05491e-03 0.117 3.5988976711e+03 1.7160773658e+01 |
---|
823 | 1.11041e-03 0.117 2.2996060652e+03 1.2016626459e+01 |
---|
824 | 1.22141e-03 0.117 6.4766590598e+02 6.0373017740e+00 |
---|
825 | 1.33241e-03 0.117 4.1963483264e+01 4.5215452974e+00 |
---|
826 | 1.44341e-03 0.117 6.3370708246e+01 5.1054681903e+00 |
---|
827 | 1.55441e-03 0.117 3.0736750577e+02 5.9176165298e+00 |
---|
828 | 1.66541e-03 0.117 5.0327682399e+02 5.9815000189e+00 |
---|
829 | 1.77641e-03 0.117 5.4084331454e+02 5.1634639625e+00 |
---|
830 | 1.88741e-03 0.117 4.3488671756e+02 3.8535158148e+00 |
---|
831 | 1.99841e-03 0.117 2.6322287860e+02 2.5824997753e+00 |
---|
832 | 2.10941e-03 0.117 1.0793633150e+02 1.7315517194e+00 |
---|
833 | 2.22041e-03 0.117 1.8474448850e+01 1.4077213604e+00 |
---|
834 | 2.33141e-03 0.117 1.5864062279e+00 1.4771560682e+00 |
---|
835 | 2.44241e-03 0.117 3.2267213848e+01 1.6916253448e+00 |
---|
836 | 2.55341e-03 0.117 7.4289116207e+01 1.8274751193e+00 |
---|
837 | 2.66441e-03 0.117 9.9000521929e+01 1.7706812289e+00 |
---|
838 | """ |
---|
839 | |
---|
840 | def main(): |
---|
841 | """ |
---|
842 | Run tests given is sys.argv. |
---|
843 | |
---|
844 | Returns 0 if success or 1 if any tests fail. |
---|
845 | """ |
---|
846 | import sys |
---|
847 | import xmlrunner |
---|
848 | |
---|
849 | suite = unittest.TestSuite() |
---|
850 | suite.addTest(unittest.defaultTestLoader.loadTestsFromModule(sys.modules[__name__])) |
---|
851 | |
---|
852 | runner = xmlrunner.XMLTestRunner(output='logs') |
---|
853 | result = runner.run(suite) |
---|
854 | return 1 if result.failures or result.errors else 0 |
---|
855 | |
---|
856 | |
---|
857 | ############################################################################ |
---|
858 | # usage demo |
---|
859 | ############################################################################ |
---|
860 | |
---|
861 | def _eval_demo_1d(resolution, title): |
---|
862 | from sasmodels import core |
---|
863 | from sasmodels.models import cylinder |
---|
864 | ## or alternatively: |
---|
865 | # cylinder = core.load_model_definition('cylinder') |
---|
866 | model = core.load_model(cylinder) |
---|
867 | |
---|
868 | kernel = core.make_kernel(model, [resolution.q_calc]) |
---|
869 | theory = core.call_kernel(kernel, {'length':210, 'radius':500}) |
---|
870 | Iq = resolution.apply(theory) |
---|
871 | |
---|
872 | import matplotlib.pyplot as plt |
---|
873 | plt.loglog(resolution.q_calc, theory, label='unsmeared') |
---|
874 | plt.loglog(resolution.q, Iq, label='smeared', hold=True) |
---|
875 | plt.legend() |
---|
876 | plt.title(title) |
---|
877 | plt.xlabel("Q (1/Ang)") |
---|
878 | plt.ylabel("I(Q) (1/cm)") |
---|
879 | |
---|
880 | def demo_pinhole_1d(): |
---|
881 | q = np.logspace(-3, -1, 400) |
---|
882 | q_width = 0.1*q |
---|
883 | resolution = Pinhole1D(q, q_width) |
---|
884 | _eval_demo_1d(resolution, title="10% dQ/Q Pinhole Resolution") |
---|
885 | |
---|
886 | def demo_slit_1d(): |
---|
887 | q = np.logspace(-3, -1, 400) |
---|
888 | qx_width = 0.005 |
---|
889 | qy_width = 0.0 |
---|
890 | resolution = Slit1D(q, qx_width, qy_width) |
---|
891 | _eval_demo_1d(resolution, title="0.005 Qx Slit Resolution") |
---|
892 | |
---|
893 | def demo(): |
---|
894 | import matplotlib.pyplot as plt |
---|
895 | plt.subplot(121) |
---|
896 | demo_pinhole_1d() |
---|
897 | plt.subplot(122) |
---|
898 | demo_slit_1d() |
---|
899 | plt.show() |
---|
900 | |
---|
901 | |
---|
902 | if __name__ == "__main__": |
---|
903 | #demo() |
---|
904 | main() |
---|