"""Sequence provider class."""
import logging
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
# import console
from console.interfaces.dimensions import Dimensions
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_opts: Opts = Opts()
default_fov_scaling: Dimensions = Dimensions(1, 1, 1)
default_fov_offset: Dimensions = Dimensions(0, 0, 0)
[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 = SequenceProvider()
>>> seq.read("./seq_file.seq")
>>> sqnc, gate, total_samples = seq.unroll_sequence()
"""
__name__: str = "SequenceProvider"
def __init__(
self,
gradient_efficiency: list[float],
gpa_gain: list[float],
high_impedance: list[bool],
output_limits: list[int] | None = None,
spcm_dwell_time: float = 1 / 20e6,
rf_to_mvolt: float = 1,
system: Opts = default_opts,
):
"""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]
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
system, optional
System options from pypulseq, by default Opts()
"""
super().__init__(system=system)
self.log = logging.getLogger("SeqProv")
self.rf_to_mvolt = rf_to_mvolt
self.spcm_freq = 1 / spcm_dwell_time
self.spcm_dwell_time = spcm_dwell_time
try:
if len(gradient_efficiency) != 3:
raise ValueError("Invalid number of gradient efficiency values, 3 values must be provided")
if len(gpa_gain) != 3:
raise ValueError("Invalid number of GPA gain values, 3 values must be provided")
if isinstance(output_limits, list) and len(output_limits) != 4:
raise ValueError("Invalid number of output limits, 4 values must be provided.")
if len(high_impedance) != 4:
raise ValueError("Invalid number of output impedance indicators, 4 values must be provided.")
except ValueError as err:
self.log.exception(err, exc_info=True)
# 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.high_impedance = high_impedance
self.gpa_gain: list[float] = gpa_gain
self.grad_eff: list[float] = gradient_efficiency
self.output_limits: list[int] = output_limits if output_limits is not None else []
self.larmor_freq: float = float("nan")
self._sqnc_cache: np.ndarray | None = None
[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,
"larmor_freq": self.larmor_freq,
}
[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:
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):
# raise AttributeError("Attribute %s not found in SequenceProvider" % key)
continue
# Set attribute
setattr(self, key, value)
except (ValueError, AttributeError) as err:
self.log.exception(err, exc_info=True)
raise err
[docs]
@profile
def calculate_rf(
self,
block: SimpleNamespace,
b1_scaling: float,
) -> tuple[np.ndarray, np.ndarray]:
"""Calculate RF sample points to be played by TX card.
Parameters
----------
block
Pulseq RF block
unroll_arr
Section of numpy array which will contain unrolled RF event
b1_scaling
Experiment dependent scaling factor of the RF amplitude
unblanking
Unblanking signal which is updated in-place for the calculated RF event
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.")
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)
# 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 ringdown samples at the end of RF pulse
# num_samgles_ringdown = int(block.ringdown_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 * (self.larmor_freq + 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)
[docs]
@profile
def calculate_gradient(
self, block: SimpleNamespace, fov_scaling: float, offset: float | 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, excepton 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
"""
# Index of this gradient, dependent on channel designation, offset of 1 to start at channel 1
idx = ["x", "y", "z"].index(block.channel)
# Calculate gradient waveform scaling
scaling = fov_scaling * self.imp_scaling[idx + 1] / (42.58e3 * self.gpa_gain[idx] * self.grad_eff[idx])
try:
# 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
if np.amax(waveform := block.waveform * scaling) > self.output_limits[idx + 1]:
raise ValueError(
"Amplitude of %s gradient (%s) exceeded output limit (%s)"
% (
block.channel,
np.amax(waveform),
self.output_limits[idx + 1],
)
)
# Transfer mV floating point waveform values to int16 if amplitude check passed
waveform *= INT16_MAX / self.output_limits[idx + 1]
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
if np.amax(flat_amp := block.amplitude * scaling) > self.output_limits[idx + 1]:
raise ValueError(
"Amplitude of %s gradient (%s) exceeded output limit (%s)"
% (
block.channel,
flat_amp,
self.output_limits[idx + 1],
)
)
# Transfer mV floating point flat amplitude to int16 if amplitude check passed
flat_amp = flat_amp * INT16_MAX / self.output_limits[idx + 1]
rise = np.linspace(
0,
flat_amp,
round(block.rise_time / self.spcm_dwell_time)
)
flat = np.full(
round(block.flat_time / self.spcm_dwell_time),
fill_value=flat_amp
)
fall = np.linspace(
flat_amp,
0,
round(block.fall_time / self.spcm_dwell_time)
)
gradient = np.concatenate((rise, flat, fall))
else:
raise ValueError("Block is not a valid gradient block")
# Calculate gradient offset int16 value from mV
# block.channel is either x, y or z and used to obtain correct gradient offset dimension/channel
# Gradient offset is used for calculating output limits but is not added to the waveform
offset *= INT16_MAX / self.output_limits[idx + 1]
if np.amax(gradient + offset) > INT16_MAX:
max_strength = gradient[np.argmax(np.abs(gradient + offset))] + offset
# Report maximum strength in mV
max_strength /= (INT16_MAX / self.output_limits[idx + 1])
raise ValueError(
f"Amplitude of combined gradient and shim waveforms {max_strength} exceed max gradient amplitude")
else:
gradient = gradient.astype(np.int16)
# Shifting gradient waveform to 15 bits already for adding the gate signals later
return gradient.view(np.uint16) >> 1
except (ValueError, IndexError) as err:
self.log.exception(err, exc_info=True)
raise err
[docs]
@profile
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():
dwell_time = adc_waveform[1][0]
num_samples = adc_waveform[1][1]
delay = adc_waveform[1][2]
delay_samples = int(round(delay * self.spcm_freq))
gate_duration = num_samples * dwell_time
gate_samples = int(round(gate_duration * self.spcm_freq))
waveform = np.zeros(delay_samples + gate_samples, dtype=np.uint16)
waveform[delay_samples:] = 2**15
time_scale = np.arange(gate_samples + delay_samples) / self.spcm_freq
ref_signal = np.exp(2j * np.pi * time_scale * self.larmor_freq)
adc_list.append((adc_waveform[0], waveform, ref_signal))
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.
TODO: Update this docstring
Parameters
----------
larmor_freq
(Larmor) frequency of the carrier RF waveform
b1_scaling, optional
Factor for the RF waveform, which is to be calibrated per coil and phantom (load), by default 1.0
fov_scaling, optional
Per channel factor for the gradient waveforms to scale the field of fiew (FOV),
by default Dimensions(1.0, 1.0, 1.0)
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, the adc and unblanking signals are returned as list of numpy arrays in the
unrolled sequence instance.
Raises
------
ValueError
Larmor frequency too large
ValueError
No block events defined
ValueError
Sequence timing check failed
ValueError
Amplitude limits not provided
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.
"""
self._sqnc_cache = None
try:
# Check larmor frequency
if parameter.larmor_frequency > 10e6:
raise ValueError("Larmor frequency is above 10 MHz: %s MHz",
parameter.larmor_frequency * 1e-6)
self.larmor_freq = parameter.larmor_frequency
# Check if sequence has block events
if not len(self.block_events) > 0:
raise ValueError("No block events found")
# Sequence timing check
check, seq_err = self.check_timing()
if not check:
raise ValueError(f"Sequence timing check failed: {seq_err}")
except ValueError as err:
self.log.exception(err, exc_info=True)
raise err
# 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
)
seq_duration, _, _ = self.duration()
seq_samples = int(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]:
raise IndexError(
"Number of sequence samples does not match total number of block samples"
)
# Setup output arrays
_seq = np.zeros(4 * seq_samples, dtype=np.int16)
_adc = np.zeros(seq_samples, dtype=np.uint16)
_unblanking = np.zeros(seq_samples, dtype=np.uint16)
# Count the total number of sample points and gate signals
adc_count: int = 0
rf_start_sample_pos: int | None = None
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=parameter.fov_scaling.x, offset=parameter.gradient_offset.x
)
waveform_samples = np.size(waveform)
_seq[waveform_start + 1:waveform_start + 4 * waveform_samples + 1:4] = waveform
if block.gy is not None: # Gy event
waveform = self.calculate_gradient(
block=block.gy, fov_scaling=parameter.fov_scaling.y, offset=parameter.gradient_offset.y
)
waveform_samples = np.size(waveform)
_seq[waveform_start + 2:waveform_start + 4 * waveform_samples + 2:4] = waveform
if block.gz is not None: # Gz event
waveform = self.calculate_gradient(
block=block.gz, fov_scaling=parameter.fov_scaling.z, offset=parameter.gradient_offset.z
)
waveform_samples = np.size(waveform)
_seq[waveform_start + 3:waveform_start + 4 * waveform_samples + 3:4] = 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]
rf_unblanking = rf_pulses[event[1]][1]
if rf_start_sample_pos is None:
rf_start_sample_pos = block_pos[event_idx] # Store location of first RF event for ref offset
# Get the delay before the RF pulse starts
start_delay = round(max(block.rf.dead_time, block.rf.delay) * self.spcm_freq)
# Calculate phase offset of RF according to total sample count
carrier_sample_offset = block_pos[event_idx] + start_delay - rf_start_sample_pos
carrier_phase_offset = carrier_sample_offset * self.spcm_dwell_time
rf_waveform = (rf_waveform * np.exp(2j * np.pi * carrier_phase_offset)).real.astype(np.int16)
rf_size = np.size(rf_waveform) # Get size of the RF waveform
if rf_size > (block_pos[event_idx + 1] - block_pos[event_idx]):
raise IndexError("RF waveform size exceeds block size.")
# 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.adc is not None: # ADC event
adc_count += 1
adc_waveform = adc_events[event[5] - 1][1] # Grab the ADC event from the pre-calculated list
ref_signal = adc_events[event[5] - 1][2] # Pulseq is 1 indexed, shift idx by -1 for correct event
# 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
# Create ref signal in ADC waveform
time_offset = block_pos[event_idx] * self.spcm_dwell_time
ref_signal = ref_signal * np.exp(2j * np.pi * time_offset)
ref_waveform = (ref_signal.real > 0) * (2**15)
# Add ref signal to Y gradient
_seq[adc_start + 2:adc_end + 2:4] = _seq[adc_start + 2:adc_end + 2:4] | ref_waveform
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,
)
[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:
print("No unrolled sequence...")
return fig, axis
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