"""Sequence provider class."""
import logging
import operator
from collections.abc import Callable
from types import SimpleNamespace
from typing import Any
import matplotlib as mpl
import matplotlib.pyplot as plt
import numpy as np
from pypulseq.opts import Opts
from pypulseq.Sequence.sequence import Sequence
from scipy.signal import resample
from console.interfaces.acquisition_parameter import AcquisitionParameter
from console.interfaces.device_configuration import SystemLimits
from console.interfaces.dimensions import Dimensions
from console.interfaces.rx_data import RxData
from console.interfaces.unrolled_sequence import UnrolledSequence
try:
from line_profiler import profile
except ImportError:
[docs]
def profile(func: Callable[..., Any]) -> Callable[..., Any]:
"""Define placeholder for profile decorator."""
return func
INT16_MAX = np.iinfo(np.int16).max
INT16_MIN = np.iinfo(np.int16).min
default_fov_scaling: Dimensions = Dimensions(1, 1, 1)
default_fov_offset: Dimensions = Dimensions(0, 0, 0)
default_orientation: Dimensions = Dimensions(1, 2, 3)
[docs]
class SequenceProvider(Sequence):
"""Sequence provider class.
This object is inherited from pulseq sequence object, so that all methods of the
pypulseq ``Sequence`` object can be accessed.
The main functionality of the ``SequenceProvider`` is to unroll a given pulseq sequence.
Usually the first step is to read a sequence file. The unrolling step can be achieved using
the ``unroll_sequence()`` function.
Example
-------
>>> seq_provider = SequenceProvider()
>>> seq_provider.read("./seq_file.seq")
>>> unrolled = seq_provider.unroll_sequence(acquisition_parameter)
"""
__name__: str = "SequenceProvider"
def __init__(
self,
gradient_efficiency: list[float],
gpa_gain: list[float],
high_impedance: list[bool],
output_limits: list[int],
system_limits: SystemLimits,
spcm_dwell_time: float = 1 / 20e6,
rf_to_mvolt: float = 1.,
):
"""Initialize sequence provider class which is used to unroll a pulseq sequence.
Parameters
----------
output_limits
Output limit per channel in mV, includes both, RF and gradients, e.g. [200, 6000, 6000, 6000]
gradient_efficiency
Efficiency of the gradient coils in mT/m/A, e.g. [0.4e-3, 0.4e-3, 0.4e-3]
gpa_gain
Gain factor of the GPA per gradient channel, e.g. [4.7, 4.7, 4.7]
system_limits
Maximum system limits
spcm_dwell_time, optional
Sampling time raster of the output waveform (depends on spectrum card), by default 1/20e6
rf_to_mvolt, optional
Translation of RF waveform from pulseq (Hz) to mV, by default 1
"""
super().__init__(
system=Opts(
**system_limits.model_dump(),
B0=50e-3,
grad_unit="Hz/m", # system limit is defined in this units
slew_unit="Hz/m/s", # system limit is defined in this units
)
)
self.log = logging.getLogger("SeqProv")
# Set class instance attributes
self.rf_to_mvolt = rf_to_mvolt
self.spcm_dwell_time = spcm_dwell_time
self.spcm_freq = 1 / spcm_dwell_time
self.system_limits = system_limits
self.high_impedance = high_impedance
self.gpa_gain: list[float] = gpa_gain
self.grad_eff: list[float] = gradient_efficiency
# Set impedance scaling factor, 0.5 if impedance is high, 1 if impedance is 50 ohms
# Halve RF scaling factor if impedance is high, because the card output doubles for high impedance
self.imp_scaling = [0.5 if z else 1 for z in high_impedance]
self.output_limits: list[int] = output_limits if output_limits is not None else []
# Initialize larmor frequency and sequence cache variables, to be set later
self._sqnc_cache: np.ndarray | None = None
# -------- PyPulseq interface -------- #
[docs]
def from_pypulseq(self, seq: Sequence) -> None:
"""Cast a pypulseq ``Sequence`` instance to this ``SequenceProvider``.
If argument is a valid ``Sequence`` instance, all the attributes of
``Sequence`` are set in this ``SequenceProvider`` (inherits from ``Sequence``).
Parameters
----------
seq
Pypulseq ``Sequence`` instance
Raises
------
ValueError
seq is not a valid pypulseq ``Sequence`` instance
AttributeError
Key of Sequence instance not
"""
try:
# List of (attribute, comparison function, message operator symbol) to check system limits
limits = [
("max_grad", operator.gt, "<="),
("max_slew", operator.gt, "<="),
("grad_raster_time", operator.lt, ">="),
("adc_raster_time", operator.lt, ">="),
("rf_raster_time", operator.lt, ">="),
("block_duration_raster", operator.lt, ">="),
("adc_dead_time", operator.lt, ">="),
("rf_dead_time", operator.lt, ">="),
("rf_ringdown_time", operator.lt, ">="),
]
errors = []
for attr, compare, symbol in limits:
limit_val = getattr(self.system_limits, attr)
# Compare can be done without converting gradient/slew-rate values
# -> internally stored in Hz/m and Hz/m/s
if compare(system_value := getattr(seq.system, attr), limit_val):
errors.append(f"{attr} out of bounds (limit {symbol} {limit_val}) (system value: {system_value})")
if errors:
raise ValueError("; ".join(errors))
if not isinstance(seq, Sequence):
raise ValueError("Provided object is not an instance of pypulseq Sequence")
for key, value in seq.__dict__.items():
# Check if attribute exists
if not hasattr(self, key): # dont't overwrite system
# raise AttributeError("Attribute %s not found in SequenceProvider" % key)
continue
# Set attribute
setattr(self, key, value)
except (ValueError, AttributeError) as exc:
self.log.exception("Could not set sequence: %s" % exc, exc_info=True)
raise exc
[docs]
def to_pypulseq(self) -> Sequence | None:
"""Slice sequence provider to return pypulseq sequence."""
seq = Sequence()
try:
for key, value in vars(self).items():
if hasattr(seq, key):
setattr(seq, key, value)
except Exception as exc:
self.log.error("Could not slice pypulseq sequence from sequence provider.", exc_info=exc)
return None
return seq
# -------- Public interface -------- #
[docs]
def dict(self) -> dict:
"""Abstract method which returns variables for logging in dictionary."""
return {
"rf_to_mvolt": self.rf_to_mvolt,
"spcm_freq": self.spcm_freq,
"spcm_dwell_time": self.spcm_dwell_time,
"gpa_gain": self.gpa_gain,
"gradient_efficiency": self.grad_eff,
"output_limits": self.output_limits,
}
[docs]
def get_adc_events(self) -> list:
"""Extract ADC 'waveforms' from the sequence.
TODO: Add error checks
Returns
-------
list: List of with waveform ID, gate signal and reference signal for each unique ADC event.
"""
adc_waveforms = self.adc_library
adc_list = []
for adc_waveform in adc_waveforms.data.items():
num_samples = adc_waveform[1][0]
dwell_time = adc_waveform[1][1]
delay = adc_waveform[1][2]
delay_samples = round(delay * self.spcm_freq)
gate_duration = num_samples * dwell_time
gate_samples = round(gate_duration * self.spcm_freq)
waveform = np.zeros(delay_samples + gate_samples, dtype=np.uint16)
waveform[delay_samples:] = 2**15
adc_list.append((adc_waveform[0], waveform, gate_samples))
return adc_list
[docs]
def get_rf_events(self) -> list:
"""Extract RF 'waveforms' from sequence file.
Returns
-------
list: list of unique RF events.
"""
rf_waveforms = self.rf_library
return [(rf_pulse[0], Sequence.rf_from_lib_data(self, rf_pulse[1])) for rf_pulse in rf_waveforms.data.items()]
[docs]
@profile
def unroll_sequence(self, parameter: AcquisitionParameter) -> UnrolledSequence:
"""Unroll the pypulseq sequence description.
Parameters
----------
parameter
Instance of AcquisitionParameter containing all necessary parameters to
calculate the sequence waveforms, i.e. larmor frequency, gradient offsets, etc.
Returns
-------
UnrolledSequence
Instance of an unrolled sequence object which contains a list of numpy arrays with
the block-wise calculated sample points in correct spectrum card order (Fortran).
The list of unrolled sequence arrays is returned as uint16 values which contain a digital
signal encoded by 15th bit. Only the RF channel does not contain a digital signal.
In addition, all receive events are described and returned in a list within the unrolled
sequence object.
Examples
--------
For channels ch0, ch1, ch2, ch3, data values n = 0, 1, ..., N are ordered the following way.
>>> data = [ch0_0, ch1_0, ch2_0, ch3_0, ch0_1, ch1_1, ..., ch0_n, ..., ch3_N]
Per channel data can be extracted by the following code.
>>> rf = seq[0::4]
>>> gx = (seq[1::4] << 1).astype(np.int16)
>>> gy = (seq[2::4] << 1).astype(np.int16)
>>> gz = (seq[3::4] << 1).astype(np.int16)
All the gradient channels contain a digital signal encoded by the 15th bit.
- `gx`: ADC gate signal
- `gy`: Reference signal for phase correction
- `gz`: RF unblanking signal
The following example shows, how to extract the digital signals
>>> adc_gate = seq[1::4].astype(np.uint16) >> 15
>>> reference = seq[2::4].astype(np.uint16) >> 15
>>> unblanking = seq[3::4].astype(np.uint16) >> 15
As the 15th bit is not encoding the sign (as usual for int16), the values are casted to uint16 before shifting.
"""
try:
self._check_parameter(parameter)
self._check_sequence()
except Exception:
self.log.exception("Checks not passed")
raise
self._sqnc_cache = None
gradient_index: Dimensions = parameter.channel_assignment
# Get list of all events and list of unique RF and ADC events, since they are frequently reused
events_list = self.block_events
adc_events = self.get_adc_events()
rf_events = self.get_rf_events()
# Calculate rf pulse and unblanking waveforms from RF event
# Should probably be moved inside of get_rf_events()
rf_pulses = {}
for rf_event in rf_events:
rf_pulses[rf_event[0]] = self._calculate_rf(
block=rf_event[1], b1_scaling=parameter.b1_scaling, larmor_frequency=parameter.larmor_frequency,
)
seq_duration, _, _ = self.duration()
seq_samples = round(seq_duration * self.spcm_freq)
# Calculate the start time (and sample position) and duration of each block
block_durations = np.array(
[self.get_block(block_idx).block_duration for block_idx in list(events_list.keys())],
)
block_durations = np.round(block_durations * self.spcm_freq).astype(int)
block_pos = np.cumsum(block_durations, dtype=np.int64)
block_pos = np.insert(block_pos, 0, 0)
if seq_samples != block_pos[-1]:
msg = "Number of sequence samples does not match total number of block samples"
raise IndexError(msg)
# Setup output arrays
_seq = np.zeros(4 * seq_samples, dtype=np.int16)
_rx_data = [] # list containing rx data objects for each ADC event
# Count the total number of sample points and gate signals
adc_count: int = 0
labels = {}
for event_idx, (event_key, event) in enumerate(events_list.items()):
block = self.get_block(event_key)
# Calculate gradient waveform start and end positions according to block position
waveform_start = block_pos[event_idx] * 4
if block.gx is not None: # Gx event
waveform = self._calculate_gradient(
block=block.gx,
# FoV scaling refers to the sequence, block.gx -> x
fov_scaling=parameter.fov_scaling.x,
# Offset value are set independent of the sequence orientation,
# must be considered with respect to the target output channel!
# Offsets mapping: x -> channel 1, y -> channel 2, z -> channel 3
offset=parameter.gradient_offset.to_list()[int(gradient_index.x-1)],
output_channel=int(gradient_index.x),
)
delay = block.gx.delay
delay_samples = round(delay * self.spcm_freq)
waveform_start_gx = waveform_start + 4 * delay_samples
gx_slice = slice(
waveform_start_gx + gradient_index.x,
waveform_start_gx + 4 * np.size(waveform) + gradient_index.x,
4,
)
_seq[gx_slice] = waveform
if block.gy is not None: # Gy event
waveform = self._calculate_gradient(
block=block.gy,
# FoV scaling refers to the sequence, block.gy -> y
fov_scaling=parameter.fov_scaling.y,
# Offset value are set independent of the sequence orientation,
# must be considered with respect to the target output channel!
# Offsets mapping: x -> channel 1, y -> channel 2, z -> channel 3
offset=parameter.gradient_offset.to_list()[int(gradient_index.y-1)],
output_channel=int(gradient_index.y),
)
delay = block.gy.delay
delay_samples = round(delay * self.spcm_freq)
waveform_start_gy = waveform_start + 4 * delay_samples
gy_slice = slice(
waveform_start_gy + gradient_index.y,
waveform_start_gy + 4 * np.size(waveform) + gradient_index.y,
4,
)
_seq[gy_slice] = waveform
if block.gz is not None: # Gz event
waveform = self._calculate_gradient(
block=block.gz,
# FoV scaling refers to the sequence, block.gz -> z
fov_scaling=parameter.fov_scaling.z,
# Offset value are set independent of the sequence orientation,
# must be considered with respect to the target output channel!
# Offsets mapping: x -> channel 1, y -> channel 2, z -> channel 3
offset=parameter.gradient_offset.to_list()[int(gradient_index.z-1)],
output_channel=int(gradient_index.z),
)
delay = block.gz.delay
delay_samples = round(delay * self.spcm_freq)
waveform_start_gz = waveform_start + 4 * delay_samples
gz_slice = slice(
waveform_start_gz + gradient_index.z,
waveform_start_gz + 4 * np.size(waveform) + gradient_index.z,
4,
)
_seq[gz_slice] = waveform
if block.rf is not None: # RF event
# Pre-calculated RF event size can be shorter than the duration of the block since it doesn't
# consider the post-pulse ring-down time. The RF waveform is placed at the start of the block
# and the array is then sliced using the duration of the RF waveform to ensure a good fit
rf_waveform = rf_pulses[event[1]][0].real.astype(np.int16)
rf_unblanking = rf_pulses[event[1]][1]
rf_size = np.size(rf_waveform) # Get size of the RF waveform
if rf_size > (block_pos[event_idx + 1] - block_pos[event_idx]):
msg = "RF waveform size exceeds block size."
raise IndexError(msg)
# Calculate RF waveform start and end positions according to block position
rf_start = block_pos[event_idx] * 4
rf_end = (block_pos[event_idx] + rf_size) * 4
# Add RF waveform
_seq[rf_start:rf_end:4] = rf_waveform
# Add deblanking signal to Z gradient
_seq[rf_start + 3:rf_end + 3:4] = _seq[rf_start + 3:rf_end + 3:4] | rf_unblanking
if block.label is not None:
# Update dictionary with current labels
for label in block.label.values():
labels[label.label] = label.value
if block.adc is not None: # ADC event
# Grab the ADC event from the pre-calculated list
# Pulseq is 1 indexed, shift idx by -1 for correct event
adc_event = adc_events[event[5] - 1]
adc_waveform = adc_event[1]
# Calculate ADC start and end positions according to block position
adc_start = block_pos[event_idx] * 4
adc_end = (block_pos[event_idx] + np.size(adc_waveform)) * 4
# Add ADC gate to X gradient
_seq[adc_start + 1:adc_end + 1:4] = _seq[adc_start + 1:adc_end + 1:4] | adc_waveform
_rx_data.append(RxData(
index=adc_count,
num_samples=block.adc.num_samples,
num_samples_raw=adc_event[2],
dwell_time=block.adc.dwell,
dwell_time_raw=self.spcm_dwell_time,
phase_offset=block.adc.phase_offset,
freq_offset=block.adc.freq_offset,
total_averages=parameter.num_averages,
ddc_method=parameter.ddc_method,
labels=labels,
))
adc_count += 1
labels = {} # Reset labels dict
self.log.debug(
"Unrolled sequence; Total sample points: %s; Total block events: %s",
seq_samples,
len(block_durations),
)
# Save unrolled sequence in class
self._sqnc_cache = _seq
return UnrolledSequence(
seq=_seq,
sample_count=seq_samples,
gpa_gain=self.gpa_gain,
gradient_efficiency=self.grad_eff,
rf_to_mvolt=self.rf_to_mvolt,
dwell_time=self.spcm_dwell_time,
duration=self.duration()[0],
adc_count=adc_count,
parameter=parameter,
rx_data=_rx_data,
)
[docs]
def plot_unrolled(self, time_range: tuple[float, float] = (0, -1)) -> tuple[mpl.figure.Figure, np.ndarray]:
"""Plot unrolled waveforms for replay.
Parameters
----------
time_range, default = (0, -1)
Specify the time range of the plot in seconds.
If the second value is smaller then the first or -1, the whole sequence is plotted.
Returns
-------
Matplotlib figure and axis
"""
fig, axis = plt.subplots(5, 1, figsize=(16, 9))
if (sqnc := self._sqnc_cache) is None:
msg = "No unrolled sequence. Execute `unroll_sequence(...)` first"
raise RuntimeError(msg)
seq_start = int(time_range[0] * self.spcm_freq)
seq_end = int(time_range[1] * self.spcm_freq) if time_range[1] > time_range[0] else -1
samples = np.arange(len(sqnc) // 4, dtype=float)[seq_start:seq_end] * self.spcm_dwell_time * 1e3
rf_signal = sqnc[0::4][seq_start:seq_end]
gx_signal = sqnc[1::4][seq_start:seq_end]
gy_signal = sqnc[2::4][seq_start:seq_end]
gz_signal = sqnc[3::4][seq_start:seq_end]
# Get digital signals
adc_gate = gx_signal.astype(np.uint16) >> 15
unblanking = gz_signal.astype(np.uint16) >> 15
# Get gradient waveforms
rf_signal = rf_signal / np.abs(np.iinfo(np.int16).min)
gx_signal = np.array((np.uint16(gx_signal) << 1).astype(np.int16) / 2**15)
gy_signal = np.array((np.uint16(gy_signal) << 1).astype(np.int16) / 2**15)
gz_signal = np.array((np.uint16(gz_signal) << 1).astype(np.int16) / 2**15)
axis[0].plot(samples, self.output_limits[0] * rf_signal / self.imp_scaling[0])
axis[1].plot(samples, self.output_limits[1] * gx_signal / self.imp_scaling[1])
axis[2].plot(samples, self.output_limits[2] * gy_signal / self.imp_scaling[2])
axis[3].plot(samples, self.output_limits[3] * gz_signal / self.imp_scaling[3])
axis[4].plot(samples, adc_gate, label="ADC gate")
axis[4].plot(samples, unblanking, label="RF unblanking")
axis[0].set_ylabel("RF [mV]")
axis[1].set_ylabel("Gx [mV]")
axis[2].set_ylabel("Gy [mV]")
axis[3].set_ylabel("Gz [mV]")
axis[4].set_ylabel("Digital")
axis[4].legend(loc="upper right")
_ = [ax.grid(axis="x") for ax in axis]
axis[4].set_xlabel("Time [ms]")
return fig, axis
# -------- Private waveform calculation functions -------- #
@profile
def _calculate_rf(
self,
block: SimpleNamespace,
larmor_frequency: float,
b1_scaling: float,
) -> tuple[np.ndarray, np.ndarray]:
"""Calculate RF sample points to be played by TX card.
Parameters
----------
block
Pulseq RF block
larmor_frequency
Larmor frequency of RF waveform
b1_scaling
Experiment dependent scaling factor of the RF amplitude
Returns
-------
List with the RF pulse in the first element, and the unblanking signal in the second element
Raises
------
ValueError
Invalid RF block
"""
try:
if not block.type == "rf":
raise ValueError("Sequence block event is not a valid RF event.")
if not larmor_frequency > 0.:
raise ValueError(f"Invalid Larmor frequency: {larmor_frequency}")
except ValueError as err:
self.log.exception(err, exc_info=True)
raise err
# Calculate the number of delay samples before an RF event (and unblanking)
# Note that the RF ring-down time is handled implicitly: the block duration used to place the RF waveform
# already includes the post-pulse dead time, so no additional handling is required.
# Dead-time is automatically set as delay! Delay accounts for start of RF event
num_samples_delay = round(max(block.dead_time, block.delay) * self.spcm_freq)
# Calculate the number of dead-time samples between unblanking and RF event
# Delay - dead-time samples account for start of unblanking
num_samples_dead_time = round(block.dead_time * self.spcm_freq)
# Calculate the number of RF shape sample points
num_samples = round(block.shape_dur * self.spcm_freq)
# Set unblanking signal: 16th bit set to 1 (high)
rf_unblanking_start = num_samples_delay - num_samples_dead_time
rf_unblanking_end = num_samples_delay + num_samples
rf_unblanking = np.zeros(rf_unblanking_end, dtype=np.uint16)
rf_unblanking[rf_unblanking_start:] = 2**15
# Calculate the static phase offset, defined by RF pulse
phase_offset = np.exp(1j * block.phase_offset)
# Calculate scaled envelope and convert to int16 scale (not datatype, since we use complex numbers)
# Perform this step here to save computation time, num. of envelope samples << num. of resampled signal
try:
# RF scaling according to B1 calibration and "device" (translation from pulseq to output voltage)
rf_scaling = b1_scaling * self.rf_to_mvolt * self.imp_scaling[0] / self.output_limits[0]
if np.abs(np.amax(envelope_scaled := block.signal * phase_offset * rf_scaling)) > 1:
raise ValueError("RF magnitude exceeds output limit.")
except ValueError as err:
self.log.exception(err, exc_info=True)
raise err
envelope_scaled = envelope_scaled * INT16_MAX
# Resampling of scaled complex envelope
envelope = resample(envelope_scaled, num=num_samples)
# Only precalculate carrier time array, calculate carriere here to take into account the
# frequency and phase offsets of an RF block event
carrier_time = np.arange(num_samples) * self.spcm_dwell_time
carrier = np.exp(2j * np.pi * (larmor_frequency + block.freq_offset) * carrier_time)
try:
waveform_rf = np.concatenate((np.zeros(num_samples_delay, dtype=complex), (envelope * carrier)))
except IndexError as err:
self.log.exception(err, exc_info=True)
return (waveform_rf, rf_unblanking)
@profile
def _calculate_gradient(
self,
block: SimpleNamespace,
fov_scaling: float,
offset: float,
output_channel: int,
) -> np.ndarray:
"""Calculate spectrum-card sample points of a pypulseq gradient block event.
Parameters
----------
block
Gradient block from pypulseq sequence, type must be grad or trap
unroll_arr
Section of numpy array which will contain the unrolled gradient event
fov_scaling
Scaling factor to adjust the FoV.
Factor is applied to the whole gradient waveform, exception the amplitude offset.
Returns
-------
Array with sample points of RF waveform as int16 values
Raises
------
ValueError
Invalid block type (must be either ``grad`` or ``trap``),
gradient amplitude exceeds channel maximum output level
"""
try:
# Calculate gradient waveform scaling, subtract gain and efficiency index by 1,
# because these lists do not include the RF channel (i.e. gradient channel 1 corresponds to index 0)
scaling = fov_scaling * self.imp_scaling[output_channel] / (
self.system.gamma * 1e-3 * self.gpa_gain[output_channel-1] * self.grad_eff[output_channel-1])
# Calculate the gradient waveform relative to max output (within the interval [0, 1])
if block.type == "grad":
# Arbitrary gradient waveform, interpolate linearly
# This function requires float input => cast to int16 afterwards
waveform = block.waveform * scaling
self._check_amplitude(output_channel, np.amax(waveform), self.output_limits[output_channel])
# Transfer mV floating point waveform values to int16 if amplitude check passed
waveform *= INT16_MAX / self.output_limits[output_channel]
# Interpolate waveform on spectrum card time raster
gradient = np.interp(
x=np.linspace(block.tt[0], block.tt[-1], round(block.shape_dur / self.spcm_dwell_time)),
xp=block.tt,
fp=waveform,
)
elif block.type == "trap":
# Construct trapezoidal gradient from rise, flat and fall sections
flat_amp = block.amplitude * scaling
self._check_amplitude(output_channel, np.amax(flat_amp), self.output_limits[output_channel])
# Transfer mV floating point flat amplitude to int16 if amplitude check passed
flat_amp_i16 = flat_amp * INT16_MAX / self.output_limits[output_channel]
# Define rise, flat and fall sections of trapezoidal gradient on spectrum card time raster
rise = np.linspace(0, flat_amp_i16, round(block.rise_time / self.spcm_dwell_time))
flat = np.full(round(block.flat_time / self.spcm_dwell_time), fill_value=flat_amp_i16)
fall = np.linspace(flat_amp_i16, 0, round(block.fall_time / self.spcm_dwell_time))
# Combine rise, flat and fall sections to gradient waveform
gradient = np.concatenate((rise, flat, fall))
else:
raise ValueError("Block is not a valid gradient block")
# Calculate gradient offset int16 value from mV
# Gradient offset is used for calculating output limits but is not added to the waveform
offset_i16 = offset * INT16_MAX / self.output_limits[output_channel]
# This is the combined int16 gradient and offset waveform as float dtype
combined_i16 = gradient + offset_i16
if (max_strength_i16 := np.amax(combined_i16)) > INT16_MAX:
# Report maximum strength in mV
max_strength = max_strength_i16 * self.output_limits[output_channel] / INT16_MAX
msg = f"Amplitude of combined gradient and shim waveforms {max_strength} exceed max gradient amplitude"
raise ValueError(msg)
# Shifting gradient waveform to 15 bits already for adding the gate signals later
return gradient.astype(np.int16).view(np.uint16) >> 1
except (ValueError, IndexError):
self.log.exception("Error calculating gradient")
raise
# -------- Private validation methods -------- #
def _check_amplitude(self, idx: int, value: float, limit: float) -> None:
"""Raise error if amplitude exceeds output limit."""
if value > limit:
msg = f"Amplitude of channel {idx} ({value}) exceeded output limit ({limit}))"
raise ValueError(msg)
def _check_parameter(self, parameter: AcquisitionParameter) -> None:
"""Check acquisition parameter and raise error if invalid."""
# Check larmor frequency
f0_limit = self.spcm_freq / 2
if parameter.larmor_frequency >= f0_limit:
msg = f"Larmor frequency too high ({parameter.larmor_frequency * 1e-6} MHz), violating sampling theorem"
raise ValueError(msg)
if parameter.larmor_frequency <= 0:
msg = "Larmor frequency invalid (<= 0)."
raise ValueError(msg)
# Validate channel assignment
grad_ch: Dimensions = parameter.channel_assignment
if not all(isinstance(v, int) for v in (grad_ch.x, grad_ch.y, grad_ch.z)):
raise TypeError("All channel_assignment values must be integers.")
if {grad_ch.x, grad_ch.y, grad_ch.z} != {1, 2, 3}:
msg = f"Invalid channel assigment, must contain each of 1, 2, and 3 exactly once, got: {grad_ch}"
raise ValueError(msg)
def _check_sequence(self) -> None:
"""Check sequence."""
# Check number of block events
if not len(self.block_events) > 0:
raise ValueError("No block events found")
# Perform sequence timing check
check, seq_err = self.check_timing()
if not check:
raise ValueError(f"Sequence timing check failed: {seq_err}")