forked from IPKM/nmreval
		
	Compare commits
	
		
			13 Commits
		
	
	
		
	
	| Author | SHA1 | Date | |
|---|---|---|---|
| 734a265c2b | |||
| 8710d9b831 | |||
| bc318a04d6 | |||
| c62b2940f9 | |||
| 7327563523 | |||
| 5975c08fb2 | |||
| 47feebe22f | |||
| 11fe47bef1 | |||
| f33643955b | |||
| 41353b9a54 | |||
| 90084e3481 | |||
| 91b2594b90 | |||
| 7145f9e3cd | 
| @@ -133,7 +133,7 @@ class QAsciiReader(QtWidgets.QDialog, Ui_ascii_reader): | |||||||
|         if self.column_checkBox.isChecked() and self.line_spinBox.isEnabled(): |         if self.column_checkBox.isChecked() and self.line_spinBox.isEnabled(): | ||||||
|             header_line = self.reader.header[self.line_spinBox.value()-1] |             header_line = self.reader.header[self.line_spinBox.value()-1] | ||||||
|             header_line = header_line.strip('\n\t\r, ') |             header_line = header_line.strip('\n\t\r, ') | ||||||
|             header_line = re.sub(r'[\t ;,]+', ';', header_line) |             header_line = re.sub(r'[\t, ;]+(?!\w*})', ';', header_line) | ||||||
|  |  | ||||||
|             self.ascii_table.setHorizontalHeaderLabels(header_line.split(';')) |             self.ascii_table.setHorizontalHeaderLabels(header_line.split(';')) | ||||||
|  |  | ||||||
|   | |||||||
| @@ -542,7 +542,9 @@ class UpperManagement(QtCore.QObject): | |||||||
|                     elif fit_limits[0] == 'in': |                     elif fit_limits[0] == 'in': | ||||||
|                         inside = np.where((_x >= fit_limits[1][0]) & (_x <= fit_limits[1][1])) |                         inside = np.where((_x >= fit_limits[1][0]) & (_x <= fit_limits[1][1])) | ||||||
|                     else: |                     else: | ||||||
|                         inside = np.where((_x < fit_limits[1][0]) | (_x > fit_limits[1][1])) |                         x_lim, _ = self.graphs[self.current_graph].ranges | ||||||
|  |                         inside_graph = (_x >= x_lim[0]) & (_x <= x_lim[1]) | ||||||
|  |                         inside = np.where(((_x < fit_limits[1][0]) | (_x > fit_limits[1][1])) & inside_graph) | ||||||
|  |  | ||||||
|                     try: |                     try: | ||||||
|                         if isinstance(we, str): |                         if isinstance(we, str): | ||||||
|   | |||||||
							
								
								
									
										16
									
								
								src/nmreval/clib/diffusion.c
									
									
									
									
									
										Normal file
									
								
							
							
						
						
									
										16
									
								
								src/nmreval/clib/diffusion.c
									
									
									
									
									
										Normal file
									
								
							| @@ -0,0 +1,16 @@ | |||||||
|  | /* integrands used in quadrature integration with scipy's LowLevelCallables */ | ||||||
|  | #include <math.h> | ||||||
|  |  | ||||||
|  | double anistropicDiffusion(double x, void *user_data) { | ||||||
|  |     double *c = (double *)user_data; | ||||||
|  |  | ||||||
|  |     double q = c[0]; | ||||||
|  |     double t = c[1]; | ||||||
|  |     double d_perp = c[2]; | ||||||
|  |     double d_par = c[3]; | ||||||
|  |  | ||||||
|  |     double cos_theta = cos(x); | ||||||
|  |     double sin_theta = sin(x); | ||||||
|  |  | ||||||
|  |     return exp(-q * q * t * (d_par * cos_theta * cos_theta + d_perp * sin_theta * sin_theta)) * sin_theta; | ||||||
|  | } | ||||||
							
								
								
									
										
											BIN
										
									
								
								src/nmreval/clib/diffusion.so
									
									
									
									
									
										Executable file
									
								
							
							
						
						
									
										
											BIN
										
									
								
								src/nmreval/clib/diffusion.so
									
									
									
									
									
										Executable file
									
								
							
										
											Binary file not shown.
										
									
								
							| @@ -5,6 +5,17 @@ from ctypes import CDLL, c_double, c_void_p | |||||||
| from ..lib.logger import logger | from ..lib.logger import logger | ||||||
|  |  | ||||||
|  |  | ||||||
|  | diffusion_lib = None | ||||||
|  | try: | ||||||
|  |     diffusion_lib = CDLL(str(Path(__file__).parents[1] / 'clib' / 'diffusion.so')) | ||||||
|  |  | ||||||
|  |     diffusion_lib.anistropicDiffusion.restype = c_double | ||||||
|  |     diffusion_lib.anistropicDiffusion.argtypes = (c_double, c_void_p) | ||||||
|  |  | ||||||
|  |     HAS_C_FUNCS = True | ||||||
|  | except OSError: | ||||||
|  |     HAS_C_FUNCS = False | ||||||
|  |  | ||||||
| lib = None | lib = None | ||||||
| try: | try: | ||||||
|     lib = CDLL(str(Path(__file__).parents[1] / 'clib' / 'integrate.so')) |     lib = CDLL(str(Path(__file__).parents[1] / 'clib' / 'integrate.so')) | ||||||
| @@ -39,10 +50,8 @@ try: | |||||||
|     lib.energyDistSuscImag.restype = c_double |     lib.energyDistSuscImag.restype = c_double | ||||||
|     lib.energyDistSuscImag.argtypes = (c_double, c_void_p) |     lib.energyDistSuscImag.argtypes = (c_double, c_void_p) | ||||||
|  |  | ||||||
|  |  | ||||||
|     HAS_C_FUNCS = True |     HAS_C_FUNCS = True | ||||||
|     logger.info('Use C functions') |     logger.info('Use C functions') | ||||||
| except OSError: | except OSError: | ||||||
|     HAS_C_FUNCS = False |     HAS_C_FUNCS = False | ||||||
|     logger.info('Use python functions') |     logger.info('Use python functions') | ||||||
|  |  | ||||||
|   | |||||||
| @@ -49,7 +49,7 @@ class AsciiReader: | |||||||
|         with self.fname.open('r') as f: |         with self.fname.open('r') as f: | ||||||
|             for i, line in enumerate(islice(f, len(self.header)+len(self.lines), num_lines)): |             for i, line in enumerate(islice(f, len(self.header)+len(self.lines), num_lines)): | ||||||
|                 line = line.strip('\n\t\r, ') |                 line = line.strip('\n\t\r, ') | ||||||
|                 line = re.sub(r'[\t ;,]+', ';', line) |                 line = re.sub(r'[\t, ;]+(?!\w*})', ';', line) | ||||||
|                 line = line.split(';') |                 line = line.split(';') | ||||||
|  |  | ||||||
|                 try: |                 try: | ||||||
| @@ -146,10 +146,11 @@ class AsciiReader: | |||||||
|             raw_data = raw_data.reshape((1, *raw_data.shape)) |             raw_data = raw_data.reshape((1, *raw_data.shape)) | ||||||
|  |  | ||||||
|         if len(x) == 0 or raw_data.shape[2] == 1: |         if len(x) == 0 or raw_data.shape[2] == 1: | ||||||
|             _temp = np.zeros((raw_data.shape[0], raw_data.shape[1], raw_data.shape[2]+1)) |             raw_data = raw_data.reshape(raw_data.shape[0], raw_data.shape[2], raw_data.shape[1]) | ||||||
|             _temp[:, :, 0] = np.arange(raw_data.shape[1]) |             # _temp = np.zeros((raw_data.shape[0], raw_data.shape[2], raw_data.shape[1])) | ||||||
|             _temp[:, :, 1:] = raw_data |             # _temp[:, :, 0] = np.arange(raw_data.shape[1]) | ||||||
|             raw_data = _temp |             # _temp[:, :, 1:] = raw_data | ||||||
|  |             # raw_data = _temp | ||||||
|  |  | ||||||
|             if y: |             if y: | ||||||
|                 y = [i+1 for i in y] |                 y = [i+1 for i in y] | ||||||
|   | |||||||
| @@ -120,7 +120,7 @@ class GraceEditor: | |||||||
|  |  | ||||||
|         # we start always with the header |         # we start always with the header | ||||||
|         current_pos = 'header' |         current_pos = 'header' | ||||||
|         with self.file.open('r', errors='replace') as f: |         with self.file.open('r', errors='replace', encoding='iso-8859-15') as f: | ||||||
|             for line_nr, line in enumerate(f): |             for line_nr, line in enumerate(f): | ||||||
|                 # lots of states to check |                 # lots of states to check | ||||||
|                 # agr file order: header, drawing object, region, graph, set |                 # agr file order: header, drawing object, region, graph, set | ||||||
| @@ -331,7 +331,7 @@ class GraceEditor: | |||||||
|  |  | ||||||
|     def write(self, fname): |     def write(self, fname): | ||||||
|         outfile = pathlib.Path(fname) |         outfile = pathlib.Path(fname) | ||||||
|         with outfile.open('w') as f: |         with outfile.open('w', encoding='iso-8859-15') as f: | ||||||
|             f.write(str(self.header)) |             f.write(str(self.header)) | ||||||
|             f.flush() |             f.flush() | ||||||
|  |  | ||||||
|   | |||||||
| @@ -302,15 +302,26 @@ class HdfReader(HdfNode): | |||||||
|  |  | ||||||
|     def make_signal(self, node, flag: str = 'fid', value: str = None, group: str = None): |     def make_signal(self, node, flag: str = 'fid', value: str = None, group: str = None): | ||||||
|         if value is None: |         if value is None: | ||||||
|  |             data_name = node.name | ||||||
|             value = self._get_parameter_values(node, node.parameter) |             value = self._get_parameter_values(node, node.parameter) | ||||||
|         else: |         else: | ||||||
|             try: |             try: | ||||||
|  |                 data_name = f"{value}={node.parameter[value]}" | ||||||
|                 value = node.parameter[value] |                 value = node.parameter[value] | ||||||
|             except KeyError: |             except KeyError: | ||||||
|  |                 print(node.title_parameter) | ||||||
|                 try: |                 try: | ||||||
|                     value = node.title_parameter[1][value] |                     temp = node | ||||||
|  |                     while value != temp.title_parameter[0][0]: | ||||||
|  |                         if temp.parent is None: | ||||||
|  |                             break | ||||||
|  |                         temp = temp.parent | ||||||
|  |  | ||||||
|  |                     value = temp.title_parameter[0][1] | ||||||
|  |                     data_name = temp.name | ||||||
|                 except KeyError: |                 except KeyError: | ||||||
|                     print(f'{value} is not a valid key for {node.name}') |                     print(f'{value} is not a valid key for {node.name}') | ||||||
|  |                     data_name = node.name | ||||||
|                     value = None |                     value = None | ||||||
|  |  | ||||||
|         if group is None: |         if group is None: | ||||||
| @@ -343,11 +354,11 @@ class HdfReader(HdfNode): | |||||||
|         dw = float(index['dwelltime']) |         dw = float(index['dwelltime']) | ||||||
|         if flag == 'fid': |         if flag == 'fid': | ||||||
|             x = np.arange(len(y)) * dw |             x = np.arange(len(y)) * dw | ||||||
|             ret = FID(x, y, name=node.name, value=value, group=group, filename=self.file.filename) |             ret = FID(x, y, name=data_name, value=value, group=group, filename=self.file.filename) | ||||||
|  |  | ||||||
|         elif flag == 'spectrum': |         elif flag == 'spectrum': | ||||||
|             x = np.linspace(-1/dw, 1/dw, num=len(y)) |             x = np.linspace(-1/dw, 1/dw, num=len(y)) | ||||||
|             ret = Spectrum(x, y, name=node.name, value=value, group=group, filename=self.file.filename) |             ret = Spectrum(x, y, name=data_name, value=value, group=group, filename=self.file.filename) | ||||||
|         else: |         else: | ||||||
|             raise ValueError(f'{flag} unknown, use `fid` or `spectrum`.') |             raise ValueError(f'{flag} unknown, use `fid` or `spectrum`.') | ||||||
|  |  | ||||||
|   | |||||||
| @@ -203,6 +203,31 @@ class Sinc: | |||||||
|         return c * np.sinc(((x-x0)/w)/np.pi) |         return c * np.sinc(((x-x0)/w)/np.pi) | ||||||
|  |  | ||||||
|  |  | ||||||
|  | class Sigmoid: | ||||||
|  |     type = 'Basic' | ||||||
|  |     name = 'Sigmoid' | ||||||
|  |     equation = 'C / [1 + exp(-a * (x - x_{0})] + y_{0}' | ||||||
|  |     params = ['C', 'a', 'x_{0}', 'y_{0}'] | ||||||
|  |  | ||||||
|  |     @staticmethod | ||||||
|  |     def func(x, c, a, x0, y0): | ||||||
|  |         """ | ||||||
|  |         Sigmoid function | ||||||
|  |  | ||||||
|  |         .. math:: | ||||||
|  |             y = C / [1 + exp(-a * (x - x_0))] + y_0 | ||||||
|  |  | ||||||
|  |         Args: | ||||||
|  |             x (array_like): Input values | ||||||
|  |             c (float): Prefactor | ||||||
|  |             a (float): Steepness of the sigmoid | ||||||
|  |             x0 (float): x position of the sigmoid's midpoint | ||||||
|  |             y0 (float): y position of the sigmoid's midpoint | ||||||
|  |  | ||||||
|  |         """ | ||||||
|  |         return c / (1 + np.exp(-a * (x - x0))) + y0 | ||||||
|  |  | ||||||
|  |  | ||||||
| class Sine: | class Sine: | ||||||
|     """ |     """ | ||||||
|     Wavy sine function |     Wavy sine function | ||||||
|   | |||||||
| @@ -1,7 +1,11 @@ | |||||||
|  | from ctypes import c_double, cast, c_void_p, pointer | ||||||
|  |  | ||||||
| import numpy as np | import numpy as np | ||||||
| from scipy import special as special | from scipy import special as special, LowLevelCallable | ||||||
|  | from scipy.integrate import quad | ||||||
|  |  | ||||||
| from ..utils import gamma | from ..utils import gamma | ||||||
|  | from nmreval.distributions.helper import HAS_C_FUNCS, diffusion_lib | ||||||
|  |  | ||||||
|  |  | ||||||
| class Diffusion: | class Diffusion: | ||||||
| @@ -103,20 +107,36 @@ class AnisotropicDiffusion(object): | |||||||
|             tp = x |             tp = x | ||||||
|             relax = np.exp(-(tp/trel)**brel)*np.exp(-(tp/trel)**brel) |             relax = np.exp(-(tp/trel)**brel)*np.exp(-(tp/trel)**brel) | ||||||
|  |  | ||||||
|         q_squared = np.power(g * nucleus * tp, 2) |         q = g * nucleus * tp | ||||||
|         t = 2 * tp / 3 + tm |         t = 2 * tp / 3 + tm | ||||||
|         z = np.sqrt(q_squared * (d_par - d_perp) * t) |  | ||||||
|         # Callaghan eq (6.89) |         # Callaghan eq (6.89) | ||||||
|         diffs = np.exp(-q_squared*t*d_perp) * special.erf(z) / z |         if HAS_C_FUNCS: | ||||||
|  |             # divide by 2 to normalize by integral sin(x), x=0..pi | ||||||
|  |             diffusion_decay = AnisotropicDiffusion._integrate_c(q, t, d_perp, d_par) / 2 | ||||||
|  |         else: | ||||||
|  |             z = np.sqrt(q**2 * (d_par - d_perp) * t) | ||||||
|  |             diffusion_decay = np.exp(-q**2 * t * d_perp) * special.erf(z) / z | ||||||
|  |  | ||||||
|         return m0 * diffs * relax |         return m0 * diffusion_decay * relax | ||||||
|  |  | ||||||
|  |     @staticmethod | ||||||
|  |     def _integrate_c(q, t, d_perp, d_par) -> np.ndarray: | ||||||
|  |         diffusion_decay = np.zeros_like(t) | ||||||
|  |  | ||||||
|  |         for (i, t_i) in enumerate(t): | ||||||
|  |             c = (c_double * 4)(q, t_i, d_perp, d_par) | ||||||
|  |             user_data = cast(pointer(c), c_void_p) | ||||||
|  |  | ||||||
|  |             diffusion_decay[i] = quad(LowLevelCallable(diffusion_lib.anistropicDiffusion, user_data), 0, np.pi, epsabs=1e-13)[0] | ||||||
|  |  | ||||||
|  |         return diffusion_decay | ||||||
|  |  | ||||||
|  |  | ||||||
| class Peschier: | class Peschier: | ||||||
|     name = 'Diffusion + Cross-Relaxation' |     name = 'Diffusion + Cross-Relaxation' | ||||||
|     type = 'Diffusion' |     type = 'Diffusion' | ||||||
|     equation = r'Diffusion with cross-relax f(ast) \rightarrow s(low)' |     equation = r'Diffusion with cross-relax f(ast) \rightarrow s(low)' | ||||||
|     params = ['M_{0}', 'D', 'T_{1,f}', 'T_{1,s}', 'k', 'p_{f}', 't_{ev}', 'g'] |     params = ['M_{0}', 'D', 'T_{1f}', 'T_{1s}', 'k', 'p_{f}', 't_{ev}', 'g'] | ||||||
|     bounds = [(0, None), (0, None), (0, None), (0, None), (0, None), (0, None)] |     bounds = [(0, None), (0, None), (0, None), (0, None), (0, None), (0, None)] | ||||||
|     choices = [(r'\gamma', 'nucleus', gamma)] |     choices = [(r'\gamma', 'nucleus', gamma)] | ||||||
|  |  | ||||||
|   | |||||||
| @@ -75,7 +75,7 @@ class TwoSatRecAbsolute: | |||||||
|     type = 'Relaxation' |     type = 'Relaxation' | ||||||
|     name = 'Two-step relaxation (abs. int)' |     name = 'Two-step relaxation (abs. int)' | ||||||
|     equation = r'M_{0} + \Sigma \DeltaM_{i}(1-exp(-(x/T_{1,i})^{\beta_{i}}))' |     equation = r'M_{0} + \Sigma \DeltaM_{i}(1-exp(-(x/T_{1,i})^{\beta_{i}}))' | ||||||
|     params = [r'\DeltaM_{1}', 'T_{1,1}', r'\beta_{1}', r'\DeltaM_{2}', 'T_{1,2}', r'\beta_{2}', 'M_{0}'] |     params = [r'\DeltaM_{1}', 'T_{11}', r'\beta_{1}', r'\DeltaM_{2}', 'T_{12}', r'\beta_{2}', 'M_{0}'] | ||||||
|     choices = [('Type', 'is_inv', {'Saturation': False, 'Inversion': True})] |     choices = [('Type', 'is_inv', {'Saturation': False, 'Inversion': True})] | ||||||
|     bounds = [(0, None), (0, None), (0, 1), (0, None), (0, None), (0, 1), (None, None)] |     bounds = [(0, None), (0, None), (0, 1), (0, None), (0, None), (0, 1), (None, None)] | ||||||
|  |  | ||||||
| @@ -92,7 +92,7 @@ class TwoSatRecRelative: | |||||||
|     name = 'Two-step relaxation (rel. int)' |     name = 'Two-step relaxation (rel. int)' | ||||||
|     equation = r'M_{0} + \DeltaM[R(1-exp(-(x/T_{1,1})^{\beta_{1}})) + \n'\ |     equation = r'M_{0} + \DeltaM[R(1-exp(-(x/T_{1,1})^{\beta_{1}})) + \n'\ | ||||||
|                r'(1-R)(1-exp(-(x/T_{1,2})^{\beta_{2}}))]' |                r'(1-R)(1-exp(-(x/T_{1,2})^{\beta_{2}}))]' | ||||||
|     params = [r'\DeltaM', 'M_{0}', 'T_{1,1}', r'\beta_{1}', 'T_{1,2}', r'\beta_{2}', 'R'] |     params = [r'\DeltaM', 'M_{0}', 'T_{11}', r'\beta_{1}', 'T_{12}', r'\beta_{2}', 'R'] | ||||||
|     choices = [('Type', 'kind', {'Saturation': 'sat', 'Inversion': 'inv'})] |     choices = [('Type', 'kind', {'Saturation': 'sat', 'Inversion': 'inv'})] | ||||||
|     bounds = [(0, None), (None, None), (0, None), (0, 1), (0, None), (0, 1), (0, 1)] |     bounds = [(0, None), (None, None), (0, None), (0, 1), (0, None), (0, 1), (0, 1)] | ||||||
|  |  | ||||||
|   | |||||||
| @@ -1,3 +1,5 @@ | |||||||
|  | from __future__ import annotations | ||||||
|  |  | ||||||
| import numpy as np | import numpy as np | ||||||
|  |  | ||||||
| from ..utils.constants import kB | from ..utils.constants import kB | ||||||
| @@ -72,3 +74,25 @@ class Ecoop: | |||||||
|         ec = e_infty * np.exp(-mu * (x - ta) / e_infty) |         ec = e_infty * np.exp(-mu * (x - ta) / e_infty) | ||||||
|  |  | ||||||
|         return tau0 * np.exp((e_infty + ec) / x) |         return tau0 * np.exp((e_infty + ec) / x) | ||||||
|  |  | ||||||
|  |  | ||||||
|  | class Tanaka: | ||||||
|  |     name = 'Tanaka two-state model' | ||||||
|  |     type = 'Temperature' | ||||||
|  |     equation = r'\tau_0 exp[(E_{a}^{f} + (E_{a}^{s}-E_{a}^{f})[1/(1+exp[(\DeltaE-T \Delta\sigma)/(k_{B} T)])]/(k_{B} T)]' | ||||||
|  |     params = [r'\tau_{0}', 'E_{a}^{f}', 'E_{a}^{s}', r'\DeltaE', r'\Delta\sigma'] | ||||||
|  |     bounds = [(0, None), (0, None), (0, None), (None, 0), (None, 0)] | ||||||
|  |     choices = [('temperature', 'temp_axis', {'T': 'T', '1000 K/T': '1000/T'})] | ||||||
|  |  | ||||||
|  |     @staticmethod | ||||||
|  |     def func(x, tau0: float, ea_f: float, ea_s: float, e_D: float, sigma_D: float, temp_axis: str = 'T'): | ||||||
|  |  | ||||||
|  |         if temp_axis == '1000/T': | ||||||
|  |             x = 1000/x | ||||||
|  |  | ||||||
|  |         kT = kB * x | ||||||
|  |  | ||||||
|  |         exponent = 1 / (1 + np.exp((e_D - x * sigma_D) / kT)) | ||||||
|  |  | ||||||
|  |         return tau0 * np.exp((ea_f + (ea_s - ea_f) * exponent) / kT) | ||||||
|  |  | ||||||
|   | |||||||
| @@ -1,3 +1,5 @@ | |||||||
|  | from __future__ import annotations | ||||||
|  |  | ||||||
| import numpy as np | import numpy as np | ||||||
| from scipy import special as special | from scipy import special as special | ||||||
|  |  | ||||||
|   | |||||||
| @@ -3,11 +3,47 @@ try: | |||||||
|     from scipy.integrate import simpson |     from scipy.integrate import simpson | ||||||
| except ImportError: | except ImportError: | ||||||
|     from scipy.integrate import simps as simpson |     from scipy.integrate import simps as simpson | ||||||
| from numpy import pi |  | ||||||
|  |  | ||||||
| from ..math.orientations import zcw_spherical as crystallites | from ..math.orientations import zcw_spherical as crystallites | ||||||
|  |  | ||||||
|  |  | ||||||
|  | __all__ = ['CSA', 'Pake', 'SecCentralLine', 'CzjzekCT'] | ||||||
|  |  | ||||||
|  |  | ||||||
|  | def _make_broadening(x: np.ndarray, sigma: float, mode: str): | ||||||
|  |     dx = x[1] - x[0] | ||||||
|  |     _x = np.arange(len(x)) * dx | ||||||
|  |     _x -= 0.5 * _x[-1] | ||||||
|  |     if mode == 'l': | ||||||
|  |         apd = 2 * sigma / (4*_x**2 + sigma**2) / np.pi | ||||||
|  |     else: | ||||||
|  |         ln2 = np.log(2) | ||||||
|  |         apd = np.exp(-4*ln2 * (_x/sigma)**2) * 2 * np.sqrt(ln2/np.pi) / sigma | ||||||
|  |     return apd | ||||||
|  |  | ||||||
|  |  | ||||||
|  | def _make_bins(x: np.ndarray) -> np.ndarray: | ||||||
|  |     bins = 0.5 * (x[1:] + x[:-1]) | ||||||
|  |     return np.r_[0.5 * (-x[1] + 3 * x[0]), bins, 0.5 * (3 * x[-1] - x[-2])] | ||||||
|  |  | ||||||
|  |  | ||||||
|  | def _make_x(x: np.ndarray) -> tuple[np.ndarray, np.ndarray]: | ||||||
|  |     _x = x | ||||||
|  |     dx = x[1:] - x[:-1] | ||||||
|  |     dx = np.min(dx) | ||||||
|  |     width = x[-1] - x[0] | ||||||
|  |     _x = np.arange(width/dx - 1) * dx + x[0] | ||||||
|  |  | ||||||
|  |     bins = (_x[1:] + _x[:-1]) / 2 | ||||||
|  |     bins = np.r_[_x[0]-dx/2, bins, _x[-1] + dx/2] | ||||||
|  |     return _x, bins | ||||||
|  |  | ||||||
|  |  | ||||||
|  | def _make_quad_prefactor(cq, f_l, spin): | ||||||
|  |     omega_q = 2 * np.pi * cq / (2 * spin * (2 * spin - 1)) | ||||||
|  |     return 1.5 * (omega_q ** 2 / (2 * np.pi * f_l)) * (spin * (spin + 1) - 0.75) | ||||||
|  |  | ||||||
|  |  | ||||||
| class Pake: | class Pake: | ||||||
|     type = 'Spectrum' |     type = 'Spectrum' | ||||||
|     name = 'Pake' |     name = 'Pake' | ||||||
| @@ -17,38 +53,39 @@ class Pake: | |||||||
|     choices = [('Broadening', 'broad', {'Gaussian': 'g', 'Lorentzian': 'l'})] |     choices = [('Broadening', 'broad', {'Gaussian': 'g', 'Lorentzian': 'l'})] | ||||||
|  |  | ||||||
|     @staticmethod |     @staticmethod | ||||||
|     def func(x, c, delta, eta, sigma, t_pulse, broad='g'): |     def func( | ||||||
|  |             x: np.ndarray, | ||||||
|  |             c: float, | ||||||
|  |             delta: float, | ||||||
|  |             eta: float, | ||||||
|  |             sigma: float, | ||||||
|  |             t_pulse: float, | ||||||
|  |             broad: str = 'g', | ||||||
|  |     ) -> np.ndarray: | ||||||
|         a, b, _ = crystallites(100000) |         a, b, _ = crystallites(100000) | ||||||
|         bins = 0.5 * (x[1:] + x[:-1]) |  | ||||||
|         bins = np.r_[0.5*(3*x[0]-x[1]), bins, 0.5*(3*x[-1]-x[-2])] |  | ||||||
|  |  | ||||||
|         omega = delta * 0.5 * (3*np.cos(b)**2 - 1 - eta * np.sin(b)**2 * np.cos(2*a)) |         omega = delta * 0.5 * (3*np.cos(b)**2 - 1 - eta * np.sin(b)**2 * np.cos(2*a)) | ||||||
|  |         x_used, bins = _make_x(x) | ||||||
|  |  | ||||||
|         s_left = np.histogram(omega, bins=bins)[0] |         s_left = np.histogram(omega, bins=bins)[0] | ||||||
|         s_right = np.histogram(-omega, bins=bins)[0] |         s_right = np.histogram(-omega, bins=bins)[0] | ||||||
|         s = s_left + s_right |         s = s_left + s_right | ||||||
|  |  | ||||||
|         if sigma != 0: |         if sigma != 0: | ||||||
|             _x = np.arange(len(x))*(x[1]-x[0]) |             apd = _make_broadening(x_used, sigma, broad) | ||||||
|             _x -= 0.5*_x[-1] |  | ||||||
|  |  | ||||||
|             if broad == 'l': |  | ||||||
|                 apd = 2 * sigma / (4 * _x**2 + sigma**2) / pi |  | ||||||
|             else: |  | ||||||
|                 apd = np.exp(-4 * np.log(2) * (_x/sigma)**2) * 2 * np.sqrt(np.log(2) / pi) / sigma |  | ||||||
|  |  | ||||||
|             ret_val = np.convolve(s, apd, mode='same') |             ret_val = np.convolve(s, apd, mode='same') | ||||||
|  |  | ||||||
|         else: |         else: | ||||||
|             ret_val = s |             ret_val = s | ||||||
|  |  | ||||||
|         omega_1 = pi/2/t_pulse |         omega_1 = np.pi/2/t_pulse | ||||||
|         attn = omega_1 * np.sin(t_pulse*np.sqrt(omega_1**2+0.5*(2*pi*x)**2)) / \ |         attn = omega_1 * np.sin(t_pulse*np.sqrt(omega_1**2 + 0.5*(2*np.pi*x_used)**2)) / np.sqrt(omega_1**2 + (np.pi*x_used)**2) | ||||||
|             np.sqrt(omega_1**2+(np.pi*x)**2) |  | ||||||
|  |  | ||||||
|         ret_val *= attn |         ret_val *= attn | ||||||
|  |         ret_val /= simpson(y=ret_val, x=x_used) | ||||||
|  |  | ||||||
|         return c * ret_val / simpson(ret_val, x) |         if x_used.size == x.size: | ||||||
|  |             return c * ret_val | ||||||
|  |         else: | ||||||
|  |             return c * np.interp(x=x, xp=x_used, fp=ret_val) | ||||||
|  |  | ||||||
|  |  | ||||||
| class CSA: | class CSA: | ||||||
| @@ -60,28 +97,29 @@ class CSA: | |||||||
|     choices = [('Broadening', 'broad', {'Gaussian': 'g', 'Lorentzian': 'l'})] |     choices = [('Broadening', 'broad', {'Gaussian': 'g', 'Lorentzian': 'l'})] | ||||||
|  |  | ||||||
|     @staticmethod |     @staticmethod | ||||||
|     def func(x, c, delta, eta, w_iso, sigma, broad='g'): |     def func( | ||||||
|  |             x: np.ndarray, | ||||||
|  |             c: float, | ||||||
|  |             delta: float, | ||||||
|  |             eta: float, | ||||||
|  |             w_iso: float, | ||||||
|  |             sigma: float, | ||||||
|  |             broad: str = 'g', | ||||||
|  |     ) -> np.ndarray: | ||||||
|         a, b, _ = crystallites(100000) |         a, b, _ = crystallites(100000) | ||||||
|         bins = 0.5 * (x[1:] + x[:-1]) |  | ||||||
|         bins = np.r_[0.5*(-x[1] + 3*x[0]), bins, 0.5*(3*x[-1] - x[-2])] |  | ||||||
|  |  | ||||||
|         omega = w_iso + delta * 0.5 * (3*np.cos(b)**2 - 1 - eta * np.sin(b)**2 * np.cos(2*a)) |         omega = w_iso + delta * 0.5 * (3*np.cos(b)**2 - 1 - eta * np.sin(b)**2 * np.cos(2*a)) | ||||||
|  |  | ||||||
|         s_left = np.histogram(omega, bins=bins)[0] |         s = np.histogram(omega, bins=_make_bins(x))[0] | ||||||
|         s = s_left |  | ||||||
|  |  | ||||||
|         if sigma != 0: |         if sigma != 0: | ||||||
|             _x = np.arange(len(x)) * (x[1] - x[0]) |             print(len(s)) | ||||||
|             _x -= 0.5 * _x[-1] |             apd = _make_broadening(x, sigma, broad) | ||||||
|             if broad == 'l': |  | ||||||
|                 apd = 2 * sigma / (4*_x**2 + sigma**2) / pi |  | ||||||
|             else: |  | ||||||
|                 apd = np.exp(-4 * np.log(2) * (_x / sigma) ** 2) * 2 * np.sqrt(np.log(2) / pi) / sigma |  | ||||||
|             ret_val = np.convolve(s, apd, mode='same') |             ret_val = np.convolve(s, apd, mode='same') | ||||||
|         else: |         else: | ||||||
|             ret_val = s |             ret_val = s | ||||||
|  |  | ||||||
|         return c * ret_val / simpson(ret_val, x) |         return c * ret_val / simpson(y=ret_val, x=x) | ||||||
|  |  | ||||||
|  |  | ||||||
| class SecCentralLine: | class SecCentralLine: | ||||||
| @@ -94,14 +132,21 @@ class SecCentralLine: | |||||||
|                ('Broadening', 'broad', {'Gaussian': 'g', 'Lorentzian': 'l'})] |                ('Broadening', 'broad', {'Gaussian': 'g', 'Lorentzian': 'l'})] | ||||||
|  |  | ||||||
|     @staticmethod |     @staticmethod | ||||||
|     def func(x, c, cq, eta, f_iso, gb, f_l, spin=2.5, broad='g'): |     def func( | ||||||
|  |             x: np.ndarray, | ||||||
|  |             c: float, | ||||||
|  |             cq: float, | ||||||
|  |             eta: float, | ||||||
|  |             f_iso: float, | ||||||
|  |             gb: float, | ||||||
|  |             f_l: float, | ||||||
|  |             spin: float = 2.5, | ||||||
|  |             broad: str = 'g', | ||||||
|  |     ) -> np.ndarray: | ||||||
|         a, b, _ = crystallites(200000) |         a, b, _ = crystallites(200000) | ||||||
|         bins = 0.5 * (x[1:] + x[:-1]) |  | ||||||
|         bins = np.r_[0.5*(-x[1] + 3*x[0]), bins, 0.5*(3*x[-1] - x[-2])] |  | ||||||
|  |  | ||||||
|         # coupling constant |         # coupling constant | ||||||
|         omega_q = 2 * np.pi * cq / (2*spin*(2*spin-1)) |         coupling = _make_quad_prefactor(cq, f_l, spin) | ||||||
|         coupling = 1.5 * (omega_q**2 / (2*np.pi*f_l)) * (spin*(spin+1)-0.75) |  | ||||||
|  |  | ||||||
|         # orientation |         # orientation | ||||||
|         cos2phi = np.cos(2*a) |         cos2phi = np.cos(2*a) | ||||||
| @@ -116,17 +161,84 @@ class SecCentralLine: | |||||||
|         orient += prefactor_c |         orient += prefactor_c | ||||||
|  |  | ||||||
|         omega = 2*np.pi*f_iso + coupling * orient |         omega = 2*np.pi*f_iso + coupling * orient | ||||||
|         s = np.histogram(omega / (2*np.pi), bins=bins)[0] |         s = np.histogram(omega / (2*np.pi), bins=_make_bins(x))[0] | ||||||
|  |  | ||||||
|         if gb != 0: |         if gb != 0: | ||||||
|             _x = np.arange(len(x)) * (x[1]-x[0]) |             apd = _make_broadening(x, gb, broad) | ||||||
|             _x -= 0.5*_x[-1] |  | ||||||
|             if broad == 'l': |  | ||||||
|                 apd = 2*gb / (4*_x**2 + gb**2) / np.pi |  | ||||||
|             else: |  | ||||||
|                 apd = np.exp(-4*np.log(2) * (_x/gb)**2) * 2 * np.sqrt(np.log(2)/np.pi) / gb |  | ||||||
|             ret_val = np.convolve(s, apd, mode='same') |             ret_val = np.convolve(s, apd, mode='same') | ||||||
|         else: |         else: | ||||||
|             ret_val = s |             ret_val = s | ||||||
|  |  | ||||||
|         return c * ret_val / simpson(ret_val, x) |         return c * ret_val / simpson(y=ret_val, x=x) | ||||||
|  |  | ||||||
|  |  | ||||||
|  | class CzjzekCT: | ||||||
|  |     type = 'Spectrum' | ||||||
|  |     name = 'Czjzek (Central Line)' | ||||||
|  |     equation = '' | ||||||
|  |     params = ['A', r'\sigma', r'f_{iso}', 'GB', r'\omega_{L}'] | ||||||
|  |     bounds = [(0, None), (0, None), (None, None), (0, None), (0, None)] | ||||||
|  |     choices = [('Spin', 'spin', {'3/2': 1.5, '5/2': 2.5}), | ||||||
|  |                ('Broadening', 'broad', {'Gaussian': 'g', 'Lorentzian': 'l'})] | ||||||
|  |  | ||||||
|  |     @staticmethod | ||||||
|  |     def func( | ||||||
|  |             x: np.ndarray, | ||||||
|  |             c: float, | ||||||
|  |             sigma: float, | ||||||
|  |             f_iso: float, | ||||||
|  |             gb: float, | ||||||
|  |             f_l: float, | ||||||
|  |             spin: float = 1.5, | ||||||
|  |             broad: str = 'g', | ||||||
|  |     ) -> np.ndarray: | ||||||
|  |  | ||||||
|  |         cq = np.linspace(0, 5 * sigma, num=200) | ||||||
|  |         eta = np.linspace(0, 1, num=200) | ||||||
|  |  | ||||||
|  |         a, b, _ = crystallites(10000) | ||||||
|  |         a = a.reshape(-1, 1) | ||||||
|  |         b = b.reshape(-1, 1) | ||||||
|  |  | ||||||
|  |         # coupling constant | ||||||
|  |         dist = CzjzekCT.czjzek(cq, eta[:, None], sigma) | ||||||
|  |  | ||||||
|  |         coupling = _make_quad_prefactor(cq, f_l, spin) | ||||||
|  |  | ||||||
|  |         # orientation | ||||||
|  |         e_times_phi = eta * np.cos(2 * a) | ||||||
|  |         e_times_phi_sq = e_times_phi * e_times_phi | ||||||
|  |  | ||||||
|  |         cos_theta_square = 0.5 + 0.5 * np.cos(2 * b)  # cos^2(x) = 1/2 (1+cos(2x) | ||||||
|  |         prefactor_a = -3.375 + 2.25 * e_times_phi - 0.375 * e_times_phi_sq | ||||||
|  |         prefactor_b = 3.75 - 0.5 * eta ** 2 - 2 * e_times_phi + 0.75 * e_times_phi_sq | ||||||
|  |         prefactor_c = -0.375 + (eta ** 2) / 3 - 0.25 * e_times_phi - 0.375 * e_times_phi_sq | ||||||
|  |  | ||||||
|  |         orient = np.zeros((a.size, eta.size)) | ||||||
|  |         orient += prefactor_a * cos_theta_square ** 2 | ||||||
|  |         orient += prefactor_b * cos_theta_square | ||||||
|  |         orient += prefactor_c | ||||||
|  |  | ||||||
|  |         vQ = -(orient[..., None] * coupling[None, None, :]) + f_iso | ||||||
|  |         weights = np.ones_like(vQ) * dist | ||||||
|  |  | ||||||
|  |         bins = _make_bins(x) | ||||||
|  |  | ||||||
|  |         s, _ = np.histogram( | ||||||
|  |             vQ.reshape(-1), | ||||||
|  |             weights=weights.reshape(-1), | ||||||
|  |             bins=bins, | ||||||
|  |         ) | ||||||
|  |  | ||||||
|  |         if gb != 0: | ||||||
|  |             apd = _make_broadening(x, gb, broad) | ||||||
|  |             ret_val = np.convolve(s, apd, mode='same') | ||||||
|  |         else: | ||||||
|  |             ret_val = s | ||||||
|  |  | ||||||
|  |         return c * ret_val / simpson(y=ret_val, x=x) | ||||||
|  |  | ||||||
|  |     @staticmethod | ||||||
|  |     def czjzek(cq, eta, sigma): | ||||||
|  |         return np.exp(-cq ** 2 * (1 + eta ** 2 / 3) / 2 / sigma ** 2) * cq ** 4 * eta * ( | ||||||
|  |                     1 - eta ** 2 / 9) * np.sqrt(2 / np.pi) / sigma ** 5 | ||||||
|   | |||||||
| @@ -20,7 +20,7 @@ if __name__ == "__main__": | |||||||
|         src_version = open("AppImageBuilder.yml").readlines() |         src_version = open("AppImageBuilder.yml").readlines() | ||||||
|         with open(f"AppImageBuilder{version}.yml","w") as new_version: |         with open(f"AppImageBuilder{version}.yml","w") as new_version: | ||||||
|             for line in src_version: |             for line in src_version: | ||||||
|                 cp_line = line.replace("version: _devel_", f"version: {version}") |                 cp_line = line.replace("version: _devel_", f'version: "{version}"') | ||||||
|                 new_version.write(f"{cp_line}") |                 new_version.write(f"{cp_line}") | ||||||
|  |  | ||||||
|  |  | ||||||
|   | |||||||
		Reference in New Issue
	
	Block a user