Skip to content

sht

SHT

A class to encapsulate the re-usable data for a Spherical Harmonic Transform (SHT).

Attributes:

Name Type Description
lmax

the maximum angular momentum of the SHT, affects grid size etc.

plm

class to evaluate associated Legendre polynomials

nphi

the number of phi angular grid points

ntheta

the number of theta angular grid points

phi

the phi angular grid points (equispaced) between [i, 2 \pi]

cos_theta

cos values of the theta grid (evaluated as Gauss-Legendre quadrature points)

weights

the Gauss-Legendre grid weights

theta

the theta angular grid points (derived from cos_theta)

fft_work_array

an internal work array for the various FFTs done in the transform

plm_work_array

an internal work array for the evaluate of plm values

Source code in chmpy/shape/sht.py
 47
 48
 49
 50
 51
 52
 53
 54
 55
 56
 57
 58
 59
 60
 61
 62
 63
 64
 65
 66
 67
 68
 69
 70
 71
 72
 73
 74
 75
 76
 77
 78
 79
 80
 81
 82
 83
 84
 85
 86
 87
 88
 89
 90
 91
 92
 93
 94
 95
 96
 97
 98
 99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
144
145
146
147
148
149
150
151
152
153
154
155
156
157
158
159
160
161
162
163
164
165
166
167
168
169
170
171
172
173
174
175
176
177
178
179
180
181
182
183
184
185
186
187
188
189
190
191
192
193
194
195
196
197
198
199
200
201
202
203
204
205
206
207
208
209
210
211
212
213
214
215
216
217
218
219
220
221
222
223
224
225
226
227
228
229
230
231
232
233
234
235
236
237
238
239
240
241
242
243
244
245
246
247
248
249
250
251
252
253
254
255
256
257
258
259
260
261
262
263
264
265
266
267
268
269
270
271
272
273
274
275
276
277
278
279
280
281
282
283
284
285
286
287
288
289
290
291
292
293
294
295
296
297
298
299
300
301
302
303
304
305
306
307
308
309
310
311
312
313
314
315
316
317
318
319
320
321
322
323
324
325
326
327
328
329
330
331
332
333
334
335
336
337
338
339
340
341
342
343
344
345
346
347
348
349
350
351
352
353
354
355
356
357
358
359
360
361
362
363
364
365
366
367
368
369
370
371
372
373
374
375
376
377
378
379
380
381
382
383
384
385
386
387
388
389
390
391
392
393
394
395
396
397
398
399
400
401
402
403
404
405
406
407
408
409
410
411
412
413
414
415
416
417
418
419
420
421
422
423
424
425
426
427
428
429
430
431
432
433
434
435
436
437
438
439
440
441
442
443
444
445
446
447
448
449
450
451
452
453
454
455
456
457
458
459
460
461
462
463
464
465
466
467
468
469
470
471
472
473
474
475
476
477
478
479
480
481
482
483
484
485
486
487
488
489
490
491
492
493
494
495
496
497
498
499
500
501
502
503
504
505
506
507
508
509
510
511
512
513
514
515
516
517
518
519
520
521
522
523
524
525
526
527
528
529
530
531
532
533
534
535
536
537
538
539
540
class SHT:
    r"""
    A class to encapsulate the re-usable data for a Spherical Harmonic Transform (SHT).

    Attributes:
        lmax: the maximum angular momentum of the SHT, affects grid size etc.
        plm: class to evaluate associated Legendre polynomials
        nphi: the number of phi angular grid points
        ntheta: the number of theta angular grid points
        phi: the phi angular grid points (equispaced) between [i, 2 \pi]
        cos_theta: cos values of the theta grid (evaluated as Gauss-Legendre quadrature points)
        weights: the Gauss-Legendre grid weights
        theta: the theta angular grid points (derived from cos_theta)
        fft_work_array: an internal work array for the various FFTs done in the transform
        plm_work_array: an internal work array for the evaluate of plm values

    """

    def __init__(self, lm, nphi=None, ntheta=None):
        self.lmax = lm
        self.plm = AssocLegendre(lm)

        if nphi is None:
            self.nphi = _closest_int_with_only_prime_factors_up_to_fmax(2 * lm + 1)
        else:
            self.nphi = nphi
        # avoid the poles
        self.phi = np.arange(0, self.nphi) * 2 * np.pi / self.nphi

        if ntheta is None:
            n = self.lmax + 1
            n += (n & 1)
            n = ((n + 7) // 8) * 8
            self.ntheta = n
        else:
            self.ntheta = ntheta

        self.cos_theta, self.weights, self.total_weight = roots_legendre(self.ntheta, mu=True)
        self.weights *= 4 * np.pi / self.total_weight
        self.theta = np.arccos(self.cos_theta)

        self.fft_work_array = np.empty(self.nphi, dtype=np.complex128)
        self.plm_work_array = np.empty(self.nplm())
        self._grid = None
        self._grid_cartesian = None

    def idx_c(self, l, m):
        return l * (l + 1) + m

    def nlm(self):
        "the number of complex SHT coefficients"
        return (self.lmax + 1) * (self.lmax + 1)

    def nplm(self):
        "the number of real SHT coefficients (i.e. legendre polynomial terms)"
        return (self.lmax + 1) * (self.lmax + 2) // 2

    def compute_on_grid(self, func):
        "compute the values of `func` on the SHT grid"
        values = func(*self.grid)
        return values

    def analysis_pure_python(self, values):
        """
        Perform the forward SHT i.e. evaluate the given SHT coefficients
        given the values of the (real-valued) function at the grid points
        used in the transform.

        *NOTE*: this is implemented in pure python so will be much slower than
        just calling analysis, but it is provided here as a reference implementation

        Arguments:
            values (np.ndarray): the evaluated function at the SHT grid points

        Returns:
            np.ndarray the set of spherical harmonic coefficients
        """
        coeffs = np.zeros(self.nplm(), dtype=np.complex128)
        for itheta, (ct, w) in enumerate(zip(self.cos_theta, self.weights)):
            self.fft_work_array[:] = values[itheta, :]

            fft(self.fft_work_array, norm="forward", overwrite_x=True) 
            self.plm.evaluate_batch(ct, result=self.plm_work_array)
            plm_idx = 0
	        # m = 0 case
            for l in range(self.lmax + 1):
                p = self.plm_work_array[plm_idx]
                coeffs[plm_idx] += self.fft_work_array[0] * p * w
                plm_idx += 1

            # because we don't include a phase factor (-1)^m in our
            # Associated Legendre Polynomials, we need a factor here.
            # which alternates with m and l
            for m in range(1, self.lmax + 1):
                sign = -1 if m & 1 else 1
                for l in range(m, self.lmax + 1):
                    p = self.plm_work_array[plm_idx]
                    coeffs[plm_idx] += sign * self.fft_work_array[m] * p * w
                    plm_idx += 1
        return coeffs

    def analysis_pure_python_cplx(self, values):
        """
        Perform the forward SHT i.e. evaluate the given SHT coefficients
        given the values of the (complex-valued) function at the grid points
        used in the transform.

        *NOTE*: this is implemented in pure python so will be much slower than
        just calling analysis, but it is provided here as a reference implementation

        Arguments:
            values (np.ndarray): the evaluated function at the SHT grid points

        Returns:
            np.ndarray the set of spherical harmonic coefficients
        """

        coeffs = np.zeros(self.nlm(), dtype=np.complex128)
        rlm = np.zeros(self.nlm(), dtype=np.complex128)
        ilm = np.zeros(self.nlm(), dtype=np.complex128)
        for itheta, (ct, w) in enumerate(zip(self.cos_theta, self.weights)):
            self.fft_work_array[:] = values[itheta, :]

            fft(self.fft_work_array, norm="forward", overwrite_x=True) 
            self.plm.evaluate_batch(ct, result=self.plm_work_array)

            plm_idx = 0
            for l in range(self.lmax + 1):
                l_offset = l * (l + 1)
                pw = self.plm_work_array[plm_idx] * w
                coeffs[l_offset] = coeffs[l_offset] + self.fft_work_array[0] * pw
                plm_idx += 1

            # because we don't include a phase factor (-1)^m in our
            # Associated Legendre Polynomials, we need a factor here.
            # which alternates with m
            for m in range(1, self.lmax + 1):
                sign = -1 if m & 1 else 1
                for l in range(m, self.lmax + 1):
                    l_offset = l * (l + 1)
                    pw = self.plm_work_array[plm_idx] * w
                    m_idx_neg = self.nphi - m
                    m_idx_pos = m
                    rr = sign * self.fft_work_array[m_idx_pos] * pw
                    ii = sign * self.fft_work_array[m_idx_neg] * pw
                    if m & 1:
                        ii = - ii

                    coeffs[l_offset - m] = coeffs[l_offset - m] + ii
                    coeffs[l_offset + m] = coeffs[l_offset + m] + rr
                    plm_idx += 1
        return coeffs


    def synthesis_pure_python_cplx(self, coeffs):
        """
        Perform the inverse SHT i.e. evaluate the given (complex-valued) function at the
        grid points used in the transform.


        *NOTE*: this is implemented in pure python so will be much slower than
        just calling analysis, but it is provided here as a reference implementation

        Arguments:
            coeffs (np.ndarray): the set of spherical harmonic coefficients

        Returns:
            np.ndarray the evaluated function at the SHT grid points
        """

        values = np.zeros((self.ntheta, self.nphi), dtype=np.complex128)
        for itheta, ct in enumerate(self.cos_theta):
            self.fft_work_array[:] = 0
            self.plm.evaluate_batch(ct, result=self.plm_work_array)

            plm_idx = 0
	        # m = 0 case
            for l in range(self.lmax + 1):
                l_offset = l * (l + 1)
                p = self.plm_work_array[plm_idx]
                self.fft_work_array[0] += coeffs[l_offset] * p
                plm_idx += 1

            for m in range(1, self.lmax + 1):
                sign = -1 if m & 1 else 1
                for l in range(m, self.lmax + 1):

                    l_offset = l * (l + 1)
                    p = self.plm_work_array[plm_idx]
                    m_idx_neg = self.nphi - m
                    m_idx_pos = m
                    rr = sign * coeffs[l_offset + m] * p
                    ii = sign * coeffs[l_offset - m] * p
                    if m & 1:
                        ii = - ii
                    self.fft_work_array[m_idx_neg] += ii
                    self.fft_work_array[m_idx_pos] += rr
                    plm_idx += 1

            ifft(self.fft_work_array, norm="forward", overwrite_x=True) 
            values[itheta, :] = self.fft_work_array[:]
        return values

    def synthesis_pure_python(self, coeffs):
        """
        Perform the inverse SHT i.e. evaluate the given (real-valued) function at the
        grid points used in the transform.

        *NOTE*

        Arguments:
            coeffs (np.ndarray): the set of spherical harmonic coefficients

        Returns:
            np.ndarray the evaluated function at the SHT grid points
        """

        values = np.zeros((self.ntheta, self.nphi))
        for itheta, ct in enumerate(self.cos_theta):
            self.fft_work_array[:] = 0
            self.plm.evaluate_batch(ct, result=self.plm_work_array)

            plm_idx = 0
	        # m = 0 case
            for l in range(self.lmax + 1):
                p = self.plm_work_array[plm_idx]
                self.fft_work_array[0] += coeffs[plm_idx] * p
                plm_idx += 1

            for m in range(1, self.lmax + 1):
                sign = -1 if m & 1 else 1
                for l in range(m, self.lmax + 1):
                    p = self.plm_work_array[plm_idx]
                    rr = 2 * sign * coeffs[plm_idx] * p
                    self.fft_work_array[m] += rr
                    plm_idx += 1

            ifft(self.fft_work_array, norm="forward", overwrite_x=True) 
            values[itheta, :] = self.fft_work_array[:].real
        return values

    def analysis(self, values):
        """
        Perform the forward SHT i.e. evaluate the given SHT coefficients
        given the values of the function at the grid points used in the transform.

        Arguments:
            values (np.ndarray): the evaluated function at the SHT grid points

        Returns:
            np.ndarray the set of spherical harmonic coefficients
        """

        real = not np.iscomplexobj(values)
        if real:
            kernel = analysis_kernel_real
            coeffs = np.zeros(self.nplm(), dtype=np.complex128)
        else:
            kernel = analysis_kernel_cplx
            coeffs = np.zeros(self.nlm(), dtype=np.complex128)
        for itheta, (ct, w) in enumerate(zip(self.cos_theta, self.weights)):
            self.fft_work_array[:] = values[itheta, :]

            fft(self.fft_work_array, norm="forward", overwrite_x=True) 
            self.plm.evaluate_batch(ct, result=self.plm_work_array)
            kernel(self, w, coeffs)
        return coeffs

    def synthesis(self, coeffs):
        """
        Perform the inverse SHT i.e. evaluate the given function at the
        grid points used in the transform.

        Arguments:
            coeffs (np.ndarray): the set of spherical harmonic coefficients

        Returns:
            np.ndarray the evaluated function at the SHT grid points
        """
        real = (coeffs.size == self.nplm())
        if real:
            kernel = synthesis_kernel_real
            values = np.zeros(self.grid[0].shape)
        else:
            kernel = synthesis_kernel_cplx
            values = np.zeros(self.grid[0].shape, dtype=np.complex128)

        for itheta, ct in enumerate(self.cos_theta):
            self.fft_work_array[:] = 0
            self.plm.evaluate_batch(ct, result=self.plm_work_array)
            kernel(self, coeffs)
            ifft(self.fft_work_array, norm="forward", overwrite_x=True) 

            if real:
                values[itheta, :] = self.fft_work_array[:].real
            else:
                values[itheta, :] = self.fft_work_array[:]
        return values

    def _eval_at_points_real(self, coeffs, theta, phi):
        # very slow pure python implementation, should move to cython
        cos_theta = np.cos(theta)
        result = 0.0
        self.plm.evaluate_batch(cos_theta, result=self.plm_work_array)
        plm_idx = 0
        for l in range(0, self.lmax + 1):
            result += self.plm_work_array[plm_idx] * coeffs[plm_idx].real
            plm_idx += 1


        mv = 2 * np.exp(1j * np.arange(1, self.lmax + 1) * phi)
        sign = 1
        for m in range(1, self.lmax + 1):
            tmp = 0.0
            sign *= -1
            for l in range(m, self.lmax + 1):
                # m +ve and m -ve
                tmp += sign * self.plm_work_array[plm_idx] * coeffs[plm_idx]
                plm_idx += 1

            result += (tmp.real * mv[m - 1].real + tmp.imag * mv[m - 1].imag)
        return result

    def _eval_at_points_cplx(self, coeffs, theta, phi):
        # very slow pure python implementation, should move to cython
        cos_theta = np.cos(theta)
        result = 0.0
        self.plm.evaluate_batch(cos_theta, result=self.plm_work_array)

        plm_idx = 0
        for l in range(0, self.lmax + 1):
            l_offset = l * (l + 1)
            result += self.plm_work_array[plm_idx] * coeffs[l_offset]
            plm_idx += 1

        mv = np.exp(1j * np.arange(-self.lmax, self.lmax + 1) * phi)
        cos_vals = 0.0
        sin_vals = 0.0
        for m in range(1, self.lmax + 1):
            tmpr = 0.0
            tmpc = 0.0
            for l in range(m, self.lmax + 1):
                l_offset = l * (l + 1)
                tmpr += self.plm_work_array[plm_idx] * coeffs[l_offset + m]
                tmpc += self.plm_work_array[plm_idx] * coeffs[l_offset - m]
                plm_idx += 1
            if m & 1:
                tmpc = -tmpc
            cos_vals += np.real(mv[self.lmax + m]) * (tmpr + tmpc)
            sin_vals += np.imag(mv[self.lmax - m]) * (tmpr - tmpc)
        result += np.real(cos_vals) - np.imag(sin_vals) + 1j * (np.imag(cos_vals) + np.real(sin_vals))
        return result

    def evaluate_at_points(self, coeffs, theta, phi):
        r"""
        Evaluate the value of the function described in terms of the provided SH
        coefficients at the provided (angular) points. 
        Will attempt to detect if the provided coefficients are from a real
        or a complex transform.

        Note that this can be quite slow, especially in comparison with just 
        synthesis step.

        Arguments:
            coeffs (np.ndarray): the set of spherical harmonic coefficients
            theta (np.ndarray): the angular coordinates \theta
            phi (np.ndarray): the angular coordinates \phi

        Returns:
            np.ndarray the evaluated function values
        """
        real = (coeffs.size == self.nplm())
        if real:
            return self._eval_at_points_real(coeffs, theta, phi)
        # assumes coeffs are the real transform order
        else:
            return self._eval_at_points_cplx(coeffs, theta, phi)

    def complete_coefficients(self, coeffs):
        """
        Construct the complete set of SHT coefficients
        for a given real analysis. Should be equivalent to performing
        a complex valued SHT with the imaginary values being zero.

        Arguments:
            coefficients (np.ndarray): the set of spherical harmonic coefficients

        Returns:
            np.ndarray the full set of spherical harmonic coefficients for a complext transform
        """
        return expand_coeffs_to_full(self.lmax, coeffs)

    @property
    def grid(self):
        "The set of grid points [\theta, \phi] for this SHT"
        return np.meshgrid(
            self.theta,
            self.phi, indexing="ij"
        )

    @property
    def grid_cartesian(self):
        "The set of cartesian grid points for this SHT"
        theta, phi = self.grid
        r = np.ones_like(theta)
        return spherical_to_cartesian_mgrid(r, theta, phi)


    def power_spectrum(self, coeffs) -> np.ndarray:
        r"""
        Evaluate the power spectrum of the function described in terms of the provided SH
        coefficients.

        Arguments:
            coeffs (np.ndarray): the set of spherical harmonic coefficients

        Returns:
            np.ndarray the evaluated power spectrum
        """

        real = (coeffs.size == self.nplm())
        if real:
            n = len(coeffs)
            l_max = int((-3 + np.sqrt(8 * n + 1)) // 2)
            spectrum = np.zeros(l_max + 1)

            pattern = np.concatenate([np.arange(m, l_max + 1) for m in range(l_max + 1)])
            boundary = l_max + 1
            np.add.at(spectrum, pattern[:boundary], np.abs(coeffs[:boundary])**2)
            np.add.at(spectrum, pattern[boundary:], 2 * np.abs(coeffs[boundary:])**2)
            spectrum /= (2 * pattern[:boundary] + 1)

            return spectrum
        else:
            l_max = int(np.sqrt(len(coeffs))) - 1
            spectrum = np.empty(l_max + 1)
            coeffs2 = np.abs(coeffs) **2
            idx = 0
            for l in range(l_max + 1):
                count = 2 * l + 1
                spectrum[l] = np.sum(coeffs2[idx:idx + count]) / count
                idx += count
            return spectrum

    def invariants_kazhdan(self, coeffs):
        r"""
        Evaluate the rotation invariants as detailed in Kazhdan et al.[1] for the
        provided set of SHT coefficients

        *NOTE* this is not a well-tested implementation, and is not complete
        for the set of invariants described in the work.

        Arguments:
            coeffs(np.ndarray): the set of spherical harmonic coefficients

        Returns:
            np.ndarray the evaluated rotation invariants

        References:
        ```
        [1] Kazhdan et al. Proc. 2003 Eurographics/ACM SIGGRAPH SGP, (2003)
            https://dl.acm.org/doi/10.5555/882370.882392
        ```

        """

        invariants = np.empty(self.lmax + 1)
        for lvalue in range(0, self.lmax + 1):
            values = np.zeros((self.ntheta, self.nphi))
            for itheta, ct in enumerate(self.cos_theta):
                self.fft_work_array[:] = 0
                self.plm.evaluate_batch(ct, result=self.plm_work_array)

                plm_idx = 0
                # m = 0 case
                for l in range(self.lmax + 1):
                    if l == lvalue:
                        p = self.plm_work_array[plm_idx]
                        self.fft_work_array[0] += coeffs[plm_idx] * p
                    plm_idx += 1

                for m in range(1, self.lmax + 1):
                    sign = -1 if m & 1 else 1
                    for l in range(m, self.lmax + 1):
                        if l == lvalue:
                            p = self.plm_work_array[plm_idx]
                            rr = 2 * sign * coeffs[plm_idx] * p
                            self.fft_work_array[m] += rr
                        plm_idx += 1

                ifft(self.fft_work_array, norm="forward", overwrite_x=True) 
                values[itheta, :] = self.fft_work_array[:].real
            invariants[lvalue] = np.sum(values ** 2) / values.size / (2 * lvalue + 1)
        return invariants

grid property

The set of grid points [ heta, \phi] for this SHT

grid_cartesian property

The set of cartesian grid points for this SHT

analysis(values)

Perform the forward SHT i.e. evaluate the given SHT coefficients given the values of the function at the grid points used in the transform.

Parameters:

Name Type Description Default
values ndarray

the evaluated function at the SHT grid points

required

Returns:

Type Description

np.ndarray the set of spherical harmonic coefficients

Source code in chmpy/shape/sht.py
def analysis(self, values):
    """
    Perform the forward SHT i.e. evaluate the given SHT coefficients
    given the values of the function at the grid points used in the transform.

    Arguments:
        values (np.ndarray): the evaluated function at the SHT grid points

    Returns:
        np.ndarray the set of spherical harmonic coefficients
    """

    real = not np.iscomplexobj(values)
    if real:
        kernel = analysis_kernel_real
        coeffs = np.zeros(self.nplm(), dtype=np.complex128)
    else:
        kernel = analysis_kernel_cplx
        coeffs = np.zeros(self.nlm(), dtype=np.complex128)
    for itheta, (ct, w) in enumerate(zip(self.cos_theta, self.weights)):
        self.fft_work_array[:] = values[itheta, :]

        fft(self.fft_work_array, norm="forward", overwrite_x=True) 
        self.plm.evaluate_batch(ct, result=self.plm_work_array)
        kernel(self, w, coeffs)
    return coeffs

analysis_pure_python(values)

Perform the forward SHT i.e. evaluate the given SHT coefficients given the values of the (real-valued) function at the grid points used in the transform.

NOTE: this is implemented in pure python so will be much slower than just calling analysis, but it is provided here as a reference implementation

Parameters:

Name Type Description Default
values ndarray

the evaluated function at the SHT grid points

required

Returns:

Type Description

np.ndarray the set of spherical harmonic coefficients

Source code in chmpy/shape/sht.py
    def analysis_pure_python(self, values):
        """
        Perform the forward SHT i.e. evaluate the given SHT coefficients
        given the values of the (real-valued) function at the grid points
        used in the transform.

        *NOTE*: this is implemented in pure python so will be much slower than
        just calling analysis, but it is provided here as a reference implementation

        Arguments:
            values (np.ndarray): the evaluated function at the SHT grid points

        Returns:
            np.ndarray the set of spherical harmonic coefficients
        """
        coeffs = np.zeros(self.nplm(), dtype=np.complex128)
        for itheta, (ct, w) in enumerate(zip(self.cos_theta, self.weights)):
            self.fft_work_array[:] = values[itheta, :]

            fft(self.fft_work_array, norm="forward", overwrite_x=True) 
            self.plm.evaluate_batch(ct, result=self.plm_work_array)
            plm_idx = 0
	        # m = 0 case
            for l in range(self.lmax + 1):
                p = self.plm_work_array[plm_idx]
                coeffs[plm_idx] += self.fft_work_array[0] * p * w
                plm_idx += 1

            # because we don't include a phase factor (-1)^m in our
            # Associated Legendre Polynomials, we need a factor here.
            # which alternates with m and l
            for m in range(1, self.lmax + 1):
                sign = -1 if m & 1 else 1
                for l in range(m, self.lmax + 1):
                    p = self.plm_work_array[plm_idx]
                    coeffs[plm_idx] += sign * self.fft_work_array[m] * p * w
                    plm_idx += 1
        return coeffs

analysis_pure_python_cplx(values)

Perform the forward SHT i.e. evaluate the given SHT coefficients given the values of the (complex-valued) function at the grid points used in the transform.

NOTE: this is implemented in pure python so will be much slower than just calling analysis, but it is provided here as a reference implementation

Parameters:

Name Type Description Default
values ndarray

the evaluated function at the SHT grid points

required

Returns:

Type Description

np.ndarray the set of spherical harmonic coefficients

Source code in chmpy/shape/sht.py
def analysis_pure_python_cplx(self, values):
    """
    Perform the forward SHT i.e. evaluate the given SHT coefficients
    given the values of the (complex-valued) function at the grid points
    used in the transform.

    *NOTE*: this is implemented in pure python so will be much slower than
    just calling analysis, but it is provided here as a reference implementation

    Arguments:
        values (np.ndarray): the evaluated function at the SHT grid points

    Returns:
        np.ndarray the set of spherical harmonic coefficients
    """

    coeffs = np.zeros(self.nlm(), dtype=np.complex128)
    rlm = np.zeros(self.nlm(), dtype=np.complex128)
    ilm = np.zeros(self.nlm(), dtype=np.complex128)
    for itheta, (ct, w) in enumerate(zip(self.cos_theta, self.weights)):
        self.fft_work_array[:] = values[itheta, :]

        fft(self.fft_work_array, norm="forward", overwrite_x=True) 
        self.plm.evaluate_batch(ct, result=self.plm_work_array)

        plm_idx = 0
        for l in range(self.lmax + 1):
            l_offset = l * (l + 1)
            pw = self.plm_work_array[plm_idx] * w
            coeffs[l_offset] = coeffs[l_offset] + self.fft_work_array[0] * pw
            plm_idx += 1

        # because we don't include a phase factor (-1)^m in our
        # Associated Legendre Polynomials, we need a factor here.
        # which alternates with m
        for m in range(1, self.lmax + 1):
            sign = -1 if m & 1 else 1
            for l in range(m, self.lmax + 1):
                l_offset = l * (l + 1)
                pw = self.plm_work_array[plm_idx] * w
                m_idx_neg = self.nphi - m
                m_idx_pos = m
                rr = sign * self.fft_work_array[m_idx_pos] * pw
                ii = sign * self.fft_work_array[m_idx_neg] * pw
                if m & 1:
                    ii = - ii

                coeffs[l_offset - m] = coeffs[l_offset - m] + ii
                coeffs[l_offset + m] = coeffs[l_offset + m] + rr
                plm_idx += 1
    return coeffs

complete_coefficients(coeffs)

Construct the complete set of SHT coefficients for a given real analysis. Should be equivalent to performing a complex valued SHT with the imaginary values being zero.

Parameters:

Name Type Description Default
coefficients ndarray

the set of spherical harmonic coefficients

required

Returns:

Type Description

np.ndarray the full set of spherical harmonic coefficients for a complext transform

Source code in chmpy/shape/sht.py
def complete_coefficients(self, coeffs):
    """
    Construct the complete set of SHT coefficients
    for a given real analysis. Should be equivalent to performing
    a complex valued SHT with the imaginary values being zero.

    Arguments:
        coefficients (np.ndarray): the set of spherical harmonic coefficients

    Returns:
        np.ndarray the full set of spherical harmonic coefficients for a complext transform
    """
    return expand_coeffs_to_full(self.lmax, coeffs)

compute_on_grid(func)

compute the values of func on the SHT grid

Source code in chmpy/shape/sht.py
def compute_on_grid(self, func):
    "compute the values of `func` on the SHT grid"
    values = func(*self.grid)
    return values

evaluate_at_points(coeffs, theta, phi)

Evaluate the value of the function described in terms of the provided SH coefficients at the provided (angular) points. Will attempt to detect if the provided coefficients are from a real or a complex transform.

Note that this can be quite slow, especially in comparison with just synthesis step.

Parameters:

Name Type Description Default
coeffs ndarray

the set of spherical harmonic coefficients

required
theta ndarray

the angular coordinates \theta

required
phi ndarray

the angular coordinates \phi

required

Returns:

Type Description

np.ndarray the evaluated function values

Source code in chmpy/shape/sht.py
def evaluate_at_points(self, coeffs, theta, phi):
    r"""
    Evaluate the value of the function described in terms of the provided SH
    coefficients at the provided (angular) points. 
    Will attempt to detect if the provided coefficients are from a real
    or a complex transform.

    Note that this can be quite slow, especially in comparison with just 
    synthesis step.

    Arguments:
        coeffs (np.ndarray): the set of spherical harmonic coefficients
        theta (np.ndarray): the angular coordinates \theta
        phi (np.ndarray): the angular coordinates \phi

    Returns:
        np.ndarray the evaluated function values
    """
    real = (coeffs.size == self.nplm())
    if real:
        return self._eval_at_points_real(coeffs, theta, phi)
    # assumes coeffs are the real transform order
    else:
        return self._eval_at_points_cplx(coeffs, theta, phi)

invariants_kazhdan(coeffs)

Evaluate the rotation invariants as detailed in Kazhdan et al.[1] for the provided set of SHT coefficients

NOTE this is not a well-tested implementation, and is not complete for the set of invariants described in the work.

Parameters:

Name Type Description Default
coeffs(np.ndarray)

the set of spherical harmonic coefficients

required

Returns:

Type Description

np.ndarray the evaluated rotation invariants

References:

[1] Kazhdan et al. Proc. 2003 Eurographics/ACM SIGGRAPH SGP, (2003)
    https://dl.acm.org/doi/10.5555/882370.882392

Source code in chmpy/shape/sht.py
def invariants_kazhdan(self, coeffs):
    r"""
    Evaluate the rotation invariants as detailed in Kazhdan et al.[1] for the
    provided set of SHT coefficients

    *NOTE* this is not a well-tested implementation, and is not complete
    for the set of invariants described in the work.

    Arguments:
        coeffs(np.ndarray): the set of spherical harmonic coefficients

    Returns:
        np.ndarray the evaluated rotation invariants

    References:
    ```
    [1] Kazhdan et al. Proc. 2003 Eurographics/ACM SIGGRAPH SGP, (2003)
        https://dl.acm.org/doi/10.5555/882370.882392
    ```

    """

    invariants = np.empty(self.lmax + 1)
    for lvalue in range(0, self.lmax + 1):
        values = np.zeros((self.ntheta, self.nphi))
        for itheta, ct in enumerate(self.cos_theta):
            self.fft_work_array[:] = 0
            self.plm.evaluate_batch(ct, result=self.plm_work_array)

            plm_idx = 0
            # m = 0 case
            for l in range(self.lmax + 1):
                if l == lvalue:
                    p = self.plm_work_array[plm_idx]
                    self.fft_work_array[0] += coeffs[plm_idx] * p
                plm_idx += 1

            for m in range(1, self.lmax + 1):
                sign = -1 if m & 1 else 1
                for l in range(m, self.lmax + 1):
                    if l == lvalue:
                        p = self.plm_work_array[plm_idx]
                        rr = 2 * sign * coeffs[plm_idx] * p
                        self.fft_work_array[m] += rr
                    plm_idx += 1

            ifft(self.fft_work_array, norm="forward", overwrite_x=True) 
            values[itheta, :] = self.fft_work_array[:].real
        invariants[lvalue] = np.sum(values ** 2) / values.size / (2 * lvalue + 1)
    return invariants

nlm()

the number of complex SHT coefficients

Source code in chmpy/shape/sht.py
def nlm(self):
    "the number of complex SHT coefficients"
    return (self.lmax + 1) * (self.lmax + 1)

nplm()

the number of real SHT coefficients (i.e. legendre polynomial terms)

Source code in chmpy/shape/sht.py
def nplm(self):
    "the number of real SHT coefficients (i.e. legendre polynomial terms)"
    return (self.lmax + 1) * (self.lmax + 2) // 2

power_spectrum(coeffs)

Evaluate the power spectrum of the function described in terms of the provided SH coefficients.

Parameters:

Name Type Description Default
coeffs ndarray

the set of spherical harmonic coefficients

required

Returns:

Type Description
ndarray

np.ndarray the evaluated power spectrum

Source code in chmpy/shape/sht.py
def power_spectrum(self, coeffs) -> np.ndarray:
    r"""
    Evaluate the power spectrum of the function described in terms of the provided SH
    coefficients.

    Arguments:
        coeffs (np.ndarray): the set of spherical harmonic coefficients

    Returns:
        np.ndarray the evaluated power spectrum
    """

    real = (coeffs.size == self.nplm())
    if real:
        n = len(coeffs)
        l_max = int((-3 + np.sqrt(8 * n + 1)) // 2)
        spectrum = np.zeros(l_max + 1)

        pattern = np.concatenate([np.arange(m, l_max + 1) for m in range(l_max + 1)])
        boundary = l_max + 1
        np.add.at(spectrum, pattern[:boundary], np.abs(coeffs[:boundary])**2)
        np.add.at(spectrum, pattern[boundary:], 2 * np.abs(coeffs[boundary:])**2)
        spectrum /= (2 * pattern[:boundary] + 1)

        return spectrum
    else:
        l_max = int(np.sqrt(len(coeffs))) - 1
        spectrum = np.empty(l_max + 1)
        coeffs2 = np.abs(coeffs) **2
        idx = 0
        for l in range(l_max + 1):
            count = 2 * l + 1
            spectrum[l] = np.sum(coeffs2[idx:idx + count]) / count
            idx += count
        return spectrum

synthesis(coeffs)

Perform the inverse SHT i.e. evaluate the given function at the grid points used in the transform.

Parameters:

Name Type Description Default
coeffs ndarray

the set of spherical harmonic coefficients

required

Returns:

Type Description

np.ndarray the evaluated function at the SHT grid points

Source code in chmpy/shape/sht.py
def synthesis(self, coeffs):
    """
    Perform the inverse SHT i.e. evaluate the given function at the
    grid points used in the transform.

    Arguments:
        coeffs (np.ndarray): the set of spherical harmonic coefficients

    Returns:
        np.ndarray the evaluated function at the SHT grid points
    """
    real = (coeffs.size == self.nplm())
    if real:
        kernel = synthesis_kernel_real
        values = np.zeros(self.grid[0].shape)
    else:
        kernel = synthesis_kernel_cplx
        values = np.zeros(self.grid[0].shape, dtype=np.complex128)

    for itheta, ct in enumerate(self.cos_theta):
        self.fft_work_array[:] = 0
        self.plm.evaluate_batch(ct, result=self.plm_work_array)
        kernel(self, coeffs)
        ifft(self.fft_work_array, norm="forward", overwrite_x=True) 

        if real:
            values[itheta, :] = self.fft_work_array[:].real
        else:
            values[itheta, :] = self.fft_work_array[:]
    return values

synthesis_pure_python(coeffs)

Perform the inverse SHT i.e. evaluate the given (real-valued) function at the grid points used in the transform.

NOTE

Parameters:

Name Type Description Default
coeffs ndarray

the set of spherical harmonic coefficients

required

Returns:

Type Description

np.ndarray the evaluated function at the SHT grid points

Source code in chmpy/shape/sht.py
    def synthesis_pure_python(self, coeffs):
        """
        Perform the inverse SHT i.e. evaluate the given (real-valued) function at the
        grid points used in the transform.

        *NOTE*

        Arguments:
            coeffs (np.ndarray): the set of spherical harmonic coefficients

        Returns:
            np.ndarray the evaluated function at the SHT grid points
        """

        values = np.zeros((self.ntheta, self.nphi))
        for itheta, ct in enumerate(self.cos_theta):
            self.fft_work_array[:] = 0
            self.plm.evaluate_batch(ct, result=self.plm_work_array)

            plm_idx = 0
	        # m = 0 case
            for l in range(self.lmax + 1):
                p = self.plm_work_array[plm_idx]
                self.fft_work_array[0] += coeffs[plm_idx] * p
                plm_idx += 1

            for m in range(1, self.lmax + 1):
                sign = -1 if m & 1 else 1
                for l in range(m, self.lmax + 1):
                    p = self.plm_work_array[plm_idx]
                    rr = 2 * sign * coeffs[plm_idx] * p
                    self.fft_work_array[m] += rr
                    plm_idx += 1

            ifft(self.fft_work_array, norm="forward", overwrite_x=True) 
            values[itheta, :] = self.fft_work_array[:].real
        return values

synthesis_pure_python_cplx(coeffs)

Perform the inverse SHT i.e. evaluate the given (complex-valued) function at the grid points used in the transform.

NOTE: this is implemented in pure python so will be much slower than just calling analysis, but it is provided here as a reference implementation

Parameters:

Name Type Description Default
coeffs ndarray

the set of spherical harmonic coefficients

required

Returns:

Type Description

np.ndarray the evaluated function at the SHT grid points

Source code in chmpy/shape/sht.py
    def synthesis_pure_python_cplx(self, coeffs):
        """
        Perform the inverse SHT i.e. evaluate the given (complex-valued) function at the
        grid points used in the transform.


        *NOTE*: this is implemented in pure python so will be much slower than
        just calling analysis, but it is provided here as a reference implementation

        Arguments:
            coeffs (np.ndarray): the set of spherical harmonic coefficients

        Returns:
            np.ndarray the evaluated function at the SHT grid points
        """

        values = np.zeros((self.ntheta, self.nphi), dtype=np.complex128)
        for itheta, ct in enumerate(self.cos_theta):
            self.fft_work_array[:] = 0
            self.plm.evaluate_batch(ct, result=self.plm_work_array)

            plm_idx = 0
	        # m = 0 case
            for l in range(self.lmax + 1):
                l_offset = l * (l + 1)
                p = self.plm_work_array[plm_idx]
                self.fft_work_array[0] += coeffs[l_offset] * p
                plm_idx += 1

            for m in range(1, self.lmax + 1):
                sign = -1 if m & 1 else 1
                for l in range(m, self.lmax + 1):

                    l_offset = l * (l + 1)
                    p = self.plm_work_array[plm_idx]
                    m_idx_neg = self.nphi - m
                    m_idx_pos = m
                    rr = sign * coeffs[l_offset + m] * p
                    ii = sign * coeffs[l_offset - m] * p
                    if m & 1:
                        ii = - ii
                    self.fft_work_array[m_idx_neg] += ii
                    self.fft_work_array[m_idx_pos] += rr
                    plm_idx += 1

            ifft(self.fft_work_array, norm="forward", overwrite_x=True) 
            values[itheta, :] = self.fft_work_array[:]
        return values

plot_sphere(name, grid, values)

Plot a function on a spherical surface.

Parameters

name: str used for the title and the output filename grid: array_like theta, phi values from an angular grid on a sphere values: array_like scalar values of the function associated with each grid point

Source code in chmpy/shape/sht.py
def plot_sphere(name, grid, values):
    """Plot a function on a spherical surface.

    Parameters
    ----------
    name: str
        used for the title and the output filename
    grid: array_like
        theta, phi values from an angular grid on a sphere
    values: array_like
        scalar values of the function associated with each grid point
    """
    from mpl_toolkits.mplot3d import Axes3D
    from matplotlib import cm, colors
    import matplotlib.pyplot as plt

    fig = plt.figure(figsize=plt.figaspect(1.0))
    theta, phi = grid
    x = np.sin(theta) * np.cos(phi)
    y = np.sin(theta) * np.sin(phi)
    z = np.cos(theta)
    fmin, fmax = np.min(values), np.max(values)
    fcolors = (values - fmin) / (fmax - fmin)
    fcolors = fcolors.reshape(theta.shape)

    ax = fig.add_subplot(111, projection="3d")
    ax.plot_surface(
        x, y, z, rstride=1, cstride=1, facecolors=cm.viridis(fcolors), shade=True
    )
    ax.set_axis_off()
    plt.title("Contours of {}".format(name))
    plt.savefig("{}.png".format(name), dpi=300, bbox_inches="tight")