use std::collections::{BTreeMap, HashMap, HashSet};
use std::ops;
use std::str::FromStr;
use indexmap::IndexSet;
use ndarray::Array2;
use nom_locate::LocatedSpan;
use crate::instruction::{
Declaration, FrameDefinition, FrameIdentifier, GateError, Instruction, Matrix, Qubit,
QubitPlaceholder, Target, TargetPlaceholder, Waveform, WaveformDefinition,
};
use crate::parser::{lex, parse_instructions, ParseError};
use crate::quil::Quil;
pub use self::calibration::CalibrationSet;
pub use self::error::{disallow_leftover, map_parsed, recover, ParseProgramError, SyntaxError};
pub use self::frame::FrameSet;
pub use self::frame::MatchedFrames;
pub use self::memory::{MemoryAccesses, MemoryRegion};
mod calibration;
mod error;
pub(crate) mod frame;
pub mod graph;
mod memory;
pub mod type_check;
#[derive(Debug, thiserror::Error, PartialEq)]
pub enum ProgramError {
#[error("{0}")]
ParsingError(#[from] ParseProgramError<Program>),
#[error("this operation isn't supported on instruction: {}", .0.to_quil_or_debug())]
UnsupportedOperation(Instruction),
#[error("instruction {} expands into itself", .0.to_quil_or_debug())]
RecursiveCalibration(Instruction),
#[error("{0}")]
GateError(#[from] GateError),
#[error("can only compute program unitary for programs composed of `Gate`s; found unsupported instruction: {}", .0.to_quil_or_debug())]
UnsupportedForUnitary(Instruction),
}
type Result<T> = std::result::Result<T, ProgramError>;
#[cfg(feature = "graphviz-dot")]
pub mod graphviz_dot;
#[derive(Clone, Debug, Default, PartialEq)]
pub struct Program {
pub calibrations: CalibrationSet,
pub frames: FrameSet,
pub memory_regions: BTreeMap<String, MemoryRegion>,
pub waveforms: BTreeMap<String, Waveform>,
instructions: Vec<Instruction>,
used_qubits: HashSet<Qubit>,
}
impl Program {
pub fn new() -> Self {
Program {
calibrations: CalibrationSet::default(),
frames: FrameSet::new(),
memory_regions: BTreeMap::new(),
waveforms: BTreeMap::new(),
instructions: vec![],
used_qubits: HashSet::new(),
}
}
pub fn body_instructions(&self) -> impl Iterator<Item = &Instruction> {
self.instructions.iter()
}
pub fn into_body_instructions(self) -> impl Iterator<Item = Instruction> {
self.instructions.into_iter()
}
#[cfg(test)]
pub(crate) fn for_each_body_instruction<F>(&mut self, closure: F)
where
F: FnMut(&mut Instruction),
{
let mut instructions = std::mem::take(&mut self.instructions);
self.used_qubits.clear();
instructions.iter_mut().for_each(closure);
self.add_instructions(instructions);
}
pub fn clone_without_body_instructions(&self) -> Self {
Self {
instructions: Vec::new(),
calibrations: self.calibrations.clone(),
frames: self.frames.clone(),
memory_regions: self.memory_regions.clone(),
waveforms: self.waveforms.clone(),
used_qubits: HashSet::new(),
}
}
pub fn add_instruction(&mut self, instruction: Instruction) {
self.used_qubits
.extend(instruction.get_qubits().into_iter().cloned());
match instruction {
Instruction::CalibrationDefinition(calibration) => {
self.calibrations.push_calibration(calibration);
}
Instruction::FrameDefinition(FrameDefinition {
identifier,
attributes,
}) => {
self.frames.insert(identifier, attributes);
}
Instruction::Declaration(Declaration {
name,
size,
sharing,
}) => {
self.memory_regions
.insert(name, MemoryRegion { size, sharing });
}
Instruction::MeasureCalibrationDefinition(calibration) => {
self.calibrations.push_measurement_calibration(calibration);
}
Instruction::WaveformDefinition(WaveformDefinition { name, definition }) => {
self.waveforms.insert(name, definition);
}
Instruction::Gate(gate) => {
self.instructions.push(Instruction::Gate(gate));
}
Instruction::Measurement(measurement) => {
self.instructions
.push(Instruction::Measurement(measurement));
}
Instruction::Reset(reset) => {
self.instructions.push(Instruction::Reset(reset));
}
Instruction::Delay(delay) => {
self.instructions.push(Instruction::Delay(delay));
}
Instruction::Fence(fence) => {
self.instructions.push(Instruction::Fence(fence));
}
Instruction::Capture(capture) => {
self.instructions.push(Instruction::Capture(capture));
}
Instruction::Pulse(pulse) => {
self.instructions.push(Instruction::Pulse(pulse));
}
Instruction::RawCapture(raw_capture) => {
self.instructions.push(Instruction::RawCapture(raw_capture));
}
other => self.instructions.push(other),
}
}
pub fn add_instructions<I>(&mut self, instructions: I)
where
I: IntoIterator<Item = Instruction>,
{
instructions
.into_iter()
.for_each(|i| self.add_instruction(i));
}
pub fn dagger(&self) -> Result<Self> {
self.to_instructions().into_iter().try_rfold(
Program::new(),
|mut new_program, instruction| match instruction {
Instruction::Gate(gate) => {
new_program.add_instruction(Instruction::Gate(gate.dagger()));
Ok(new_program)
}
_ => Err(ProgramError::UnsupportedOperation(instruction)),
},
)
}
pub fn expand_calibrations(&self) -> Result<Self> {
let mut expanded_instructions: Vec<Instruction> = vec![];
for instruction in &self.instructions {
match self.calibrations.expand(instruction, &[])? {
Some(expanded) => {
expanded_instructions.extend(expanded);
}
None => {
expanded_instructions.push(instruction.clone());
}
}
}
let mut new_program = Self {
calibrations: self.calibrations.clone(),
frames: self.frames.clone(),
memory_regions: self.memory_regions.clone(),
waveforms: self.waveforms.clone(),
instructions: Vec::new(),
used_qubits: HashSet::new(),
};
new_program.add_instructions(expanded_instructions);
Ok(new_program)
}
pub fn from_instructions(instructions: Vec<Instruction>) -> Self {
let mut program = Self::default();
for instruction in instructions {
program.add_instruction(instruction);
}
program
}
pub fn get_frames_for_instruction<'a>(
&'a self,
instruction: &'a Instruction,
) -> Option<MatchedFrames<'a>> {
let qubits_used_by_program = self.get_used_qubits();
instruction
.get_frame_match_condition(qubits_used_by_program)
.map(|condition| self.frames.get_matching_keys_for_conditions(condition))
}
fn get_targets(&self) -> Vec<&Target> {
self.instructions
.iter()
.filter_map(|i| match i {
Instruction::Label(label) => Some(&label.target),
Instruction::Jump(jump) => Some(&jump.target),
Instruction::JumpWhen(jump_when) => Some(&jump_when.target),
Instruction::JumpUnless(jump_unless) => Some(&jump_unless.target),
_ => None,
})
.collect()
}
pub fn get_used_qubits(&self) -> &HashSet<Qubit> {
&self.used_qubits
}
fn rebuild_used_qubits(&mut self) {
self.used_qubits = self
.to_instructions()
.iter()
.flat_map(|instruction| instruction.get_qubits().into_iter().cloned())
.collect()
}
pub fn into_instructions(self) -> Vec<Instruction> {
let capacity = self.memory_regions.len()
+ self.frames.len()
+ self.waveforms.len()
+ self.instructions.len();
let mut instructions: Vec<Instruction> = Vec::with_capacity(capacity);
instructions.extend(self.memory_regions.into_iter().map(|(name, descriptor)| {
Instruction::Declaration(Declaration {
name,
size: descriptor.size,
sharing: descriptor.sharing,
})
}));
instructions.extend(self.frames.into_instructions());
instructions.extend(self.waveforms.into_iter().map(|(name, definition)| {
Instruction::WaveformDefinition(WaveformDefinition { name, definition })
}));
instructions.extend(self.calibrations.into_instructions());
instructions.extend(self.instructions);
instructions
}
pub fn into_simplified(&self) -> Result<Self> {
let mut expanded_program = self.expand_calibrations()?;
expanded_program.calibrations = CalibrationSet::default();
let mut frames_used: HashSet<&FrameIdentifier> = HashSet::new();
let mut waveforms_used: HashSet<&String> = HashSet::new();
for instruction in &expanded_program.instructions {
if let Some(matched_frames) = expanded_program.get_frames_for_instruction(instruction) {
frames_used.extend(matched_frames.used())
}
if let Some(waveform) = instruction.get_waveform_invocation() {
waveforms_used.insert(&waveform.name);
}
}
expanded_program.frames = self.frames.intersection(&frames_used);
expanded_program
.waveforms
.retain(|name, _definition| waveforms_used.contains(name));
Ok(expanded_program)
}
pub fn resolve_placeholders(&mut self) {
self.resolve_placeholders_with_custom_resolvers(
self.default_target_resolver(),
self.default_qubit_resolver(),
)
}
#[allow(clippy::type_complexity)]
pub fn resolve_placeholders_with_custom_resolvers(
&mut self,
target_resolver: Box<dyn Fn(&TargetPlaceholder) -> Option<String>>,
qubit_resolver: Box<dyn Fn(&QubitPlaceholder) -> Option<u64>>,
) {
for instruction in &mut self.instructions {
instruction.resolve_placeholders(&target_resolver, &qubit_resolver);
}
self.rebuild_used_qubits()
}
#[allow(clippy::type_complexity)]
pub fn default_target_resolver(&self) -> Box<dyn Fn(&TargetPlaceholder) -> Option<String>> {
let mut fixed_labels = HashSet::new();
let mut label_placeholders = IndexSet::new();
for target in self.get_targets() {
match target {
Target::Fixed(fixed) => {
fixed_labels.insert(fixed.clone());
}
Target::Placeholder(placeholder) => {
label_placeholders.insert(placeholder.clone());
}
}
}
let target_resolutions: HashMap<TargetPlaceholder, String> = label_placeholders
.into_iter()
.map(|p| {
let base_label = p.as_inner();
let mut next_label = format!("{base_label}_0");
let mut next_suffix = 1;
while fixed_labels.contains(&next_label) {
next_label = format!("{base_label}_{next_suffix}");
next_suffix += 1;
}
fixed_labels.insert(next_label.clone());
(p, next_label)
})
.collect();
Box::new(move |key| target_resolutions.get(key).cloned())
}
#[allow(clippy::type_complexity)]
pub fn default_qubit_resolver(&self) -> Box<dyn Fn(&QubitPlaceholder) -> Option<u64>> {
let mut qubits_used: HashSet<u64> = HashSet::new();
let mut qubit_placeholders: IndexSet<QubitPlaceholder> = IndexSet::new();
for instruction in &self.instructions {
let qubits = instruction.get_qubits();
for qubit in qubits {
match qubit {
Qubit::Fixed(index) => {
qubits_used.insert(*index);
}
Qubit::Placeholder(placeholder) => {
qubit_placeholders.insert(placeholder.clone());
}
Qubit::Variable(_) => {}
}
}
}
let qubit_iterator = (0u64..).filter(|index| !qubits_used.contains(index));
let qubit_resolutions: HashMap<QubitPlaceholder, u64> =
qubit_placeholders.into_iter().zip(qubit_iterator).collect();
Box::new(move |key| qubit_resolutions.get(key).copied())
}
pub fn to_instructions(&self) -> Vec<Instruction> {
let capacity = self.memory_regions.len()
+ self.frames.len()
+ self.waveforms.len()
+ self.instructions.len();
let mut instructions: Vec<Instruction> = Vec::with_capacity(capacity);
instructions.extend(self.memory_regions.iter().map(|(name, descriptor)| {
Instruction::Declaration(Declaration {
name: name.clone(),
size: descriptor.size.clone(),
sharing: descriptor.sharing.clone(),
})
}));
instructions.extend(self.frames.to_instructions());
instructions.extend(self.waveforms.iter().map(|(name, definition)| {
Instruction::WaveformDefinition(WaveformDefinition {
name: name.clone(),
definition: definition.clone(),
})
}));
instructions.extend(self.calibrations.to_instructions());
instructions.extend(self.instructions.clone());
instructions
}
pub fn to_unitary(&self, n_qubits: u64) -> Result<Matrix> {
let mut umat = Array2::eye(2usize.pow(n_qubits as u32));
for instruction in self.instructions.clone() {
match instruction {
Instruction::Halt => {}
Instruction::Gate(mut gate) => {
umat = gate.to_unitary(n_qubits)?.dot(&umat);
}
_ => return Err(ProgramError::UnsupportedForUnitary(instruction)),
}
}
Ok(umat)
}
pub fn get_instruction(&self, index: usize) -> Option<&Instruction> {
self.instructions.get(index)
}
}
impl Quil for Program {
fn write(
&self,
writer: &mut impl std::fmt::Write,
fall_back_to_debug: bool,
) -> std::result::Result<(), crate::quil::ToQuilError> {
for instruction in self.to_instructions() {
instruction.write(writer, fall_back_to_debug)?;
writeln!(writer)?;
}
Ok(())
}
}
impl FromStr for Program {
type Err = ProgramError;
fn from_str(s: &str) -> Result<Self> {
let input = LocatedSpan::new(s);
let lexed = lex(input).map_err(ParseProgramError::<Self>::from)?;
map_parsed(
disallow_leftover(
parse_instructions(&lexed).map_err(ParseError::from_nom_internal_err),
),
|instructions| {
let mut program = Self::new();
program.add_instructions(instructions);
program
},
)
.map_err(ProgramError::from)
}
}
impl From<Vec<Instruction>> for Program {
fn from(instructions: Vec<Instruction>) -> Self {
let mut p = Program::new();
p.add_instructions(instructions);
p
}
}
impl ops::Add<Program> for Program {
type Output = Program;
fn add(self, rhs: Program) -> Program {
let mut new_program = self;
new_program.calibrations.extend(rhs.calibrations);
new_program.memory_regions.extend(rhs.memory_regions);
new_program.frames.merge(rhs.frames);
new_program.waveforms.extend(rhs.waveforms);
new_program.instructions.extend(rhs.instructions);
new_program.used_qubits.extend(rhs.used_qubits);
new_program
}
}
#[cfg(test)]
mod tests {
use super::Program;
use crate::{
imag,
instruction::{
Gate, Instruction, Jump, JumpUnless, JumpWhen, Label, Matrix, MemoryReference, Qubit,
QubitPlaceholder, Target, TargetPlaceholder,
},
quil::Quil,
real,
};
use approx::assert_abs_diff_eq;
use ndarray::{array, linalg::kron, Array2};
use num_complex::Complex64;
use once_cell::sync::Lazy;
use rstest::rstest;
use std::{
collections::{HashMap, HashSet},
str::FromStr,
};
#[test]
fn program_eq() {
let input = "
DECLARE ro BIT
MEASURE q ro
JUMP-UNLESS @end-reset ro
X q
LABEL @end-reset
DEFCAL I 0:
DELAY 0 1.0
DEFFRAME 0 \"rx\":
HARDWARE-OBJECT: \"hardware\"
DEFWAVEFORM custom:
1,2
I 0
";
let a = Program::from_str(input).unwrap();
let b = Program::from_str(input).unwrap();
assert_eq!(a, b);
}
#[test]
fn program_neq() {
let input_a = "
DECLARE ro BIT
MEASURE q ro
JUMP-UNLESS @end-reset ro
X q
LABEL @end-reset
DEFCAL I 0:
DELAY 0 1.0
DEFFRAME 0 \"rx\":
HARDWARE-OBJECT: \"hardware\"
DEFWAVEFORM custom:
1,2
I 0
";
let input_b = "
DECLARE readout BIT
MEASURE q readout
JUMP-UNLESS @end-reset readout
X q
LABEL @end-reset
DEFCAL I 1:
DELAY 1 1.0
DEFFRAME 1 \"rx\":
HARDWARE-OBJECT: \"hardware\"
DEFWAVEFORM custom:
1,2
I 0
";
let a = Program::from_str(input_a).unwrap();
let b = Program::from_str(input_b).unwrap();
assert_ne!(a, b);
}
#[test]
fn program_headers() {
let input = "
DECLARE ro BIT[5]
DEFCAL I 0:
DELAY 0 1.0
DEFFRAME 0 \"rx\":
HARDWARE-OBJECT: \"hardware\"
DEFWAVEFORM custom:
1, 2
I 0
";
let program = Program::from_str(input).unwrap();
assert_eq!(program.calibrations.len(), 1);
assert_eq!(program.memory_regions.len(), 1);
assert_eq!(program.frames.len(), 1);
assert_eq!(program.waveforms.len(), 1);
assert_eq!(program.instructions.len(), 1);
assert_eq!(
program.to_quil().unwrap(),
"DECLARE ro BIT[5]
DEFFRAME 0 \"rx\":
\tHARDWARE-OBJECT: \"hardware\"
DEFWAVEFORM custom:
\t1, 2
DEFCAL I 0:
\tDELAY 0 1
I 0
"
);
}
#[test]
fn program_deterministic_ordering() {
let input = "
DECLARE ro BIT
DECLARE anc BIT
DECLARE ec BIT
";
let program1 = Program::from_str(input).unwrap().to_quil().unwrap();
let program2 = Program::from_str(input).unwrap().to_quil().unwrap();
assert!(program1.lines().eq(program2.lines()));
}
#[test]
fn frame_blocking() {
let input = "DEFFRAME 0 \"a\":
\tHARDWARE-OBJECT: \"hardware\"
DEFFRAME 0 \"b\":
\tHARDWARE-OBJECT: \"hardware\"
DEFFRAME 1 \"c\":
\tHARDWARE-OBJECT: \"hardware\"
DEFFRAME 0 1 \"2q\":
\tHARDWARE-OBJECT: \"hardware\"
";
let program = Program::from_str(input).unwrap();
for (instruction_string, expected_used_frames, expected_blocked_frames) in vec![
(
r#"PULSE 0 "a" custom_waveform"#,
vec![r#"0 "a""#],
vec![r#"0 "b""#, r#"0 1 "2q""#],
),
(
r#"PULSE 1 "c" custom_waveform"#,
vec![r#"1 "c""#],
vec![r#"0 1 "2q""#],
),
(r#"PULSE 2 "a" custom_waveform"#, vec![], vec![]),
(
r#"CAPTURE 0 "a" custom_waveform ro[0]"#,
vec![r#"0 "a""#],
vec![r#"0 "b""#, r#"0 1 "2q""#],
),
(
r#"CAPTURE 1 "c" custom_waveform ro[0]"#,
vec![r#"1 "c""#],
vec![r#"0 1 "2q""#],
),
(r#"CAPTURE 2 "a" custom_waveform ro[0]"#, vec![], vec![]),
(
r#"RAW-CAPTURE 0 "a" 1e-6 ro[0]"#,
vec![r#"0 "a""#],
vec![r#"0 "b""#, r#"0 1 "2q""#],
),
(
r#"RAW-CAPTURE 1 "c" 1e-6 ro[0]"#,
vec![r#"1 "c""#],
vec![r#"0 1 "2q""#],
),
(r#"RAW-CAPTURE 2 "a" 1e-6 ro[0]"#, vec![], vec![]),
(
r#"NONBLOCKING PULSE 0 "a" custom_waveform"#,
vec![r#"0 "a""#],
vec![],
),
(
r#"NONBLOCKING PULSE 1 "c" custom_waveform"#,
vec![r#"1 "c""#],
vec![],
),
(
r#"NONBLOCKING PULSE 0 1 "2q" custom_waveform"#,
vec![r#"0 1 "2q""#],
vec![],
),
(r#"FENCE 1"#, vec![], vec![r#"1 "c""#, r#"0 1 "2q""#]),
(
r#"FENCE"#,
vec![],
vec![r#"0 "a""#, r#"0 "b""#, r#"1 "c""#, r#"0 1 "2q""#],
),
(r#"DELAY 0 1.0"#, vec![r#"0 "a""#, r#"0 "b""#], vec![]),
(r#"DELAY 1 1.0"#, vec![r#"1 "c""#], vec![]),
(r#"DELAY 1 "c" 1.0"#, vec![r#"1 "c""#], vec![]),
(r#"DELAY 0 1 1.0"#, vec![r#"0 1 "2q""#], vec![]),
(
r#"SWAP-PHASES 0 "a" 0 "b""#,
vec![r#"0 "a""#, r#"0 "b""#],
vec![],
),
] {
let instruction = Instruction::parse(instruction_string).unwrap();
let matched_frames = program.get_frames_for_instruction(&instruction).unwrap();
let used_frames: HashSet<String> = matched_frames
.used()
.iter()
.map(|f| f.to_quil_or_debug())
.collect();
let expected_used_frames: HashSet<String> = expected_used_frames
.into_iter()
.map(|el| el.to_owned())
.collect();
assert_eq!(
used_frames, expected_used_frames,
"Instruction {instruction} *used* frames `{used_frames:?}` but we expected `{expected_used_frames:?}`", instruction=instruction.to_quil_or_debug()
);
let blocked_frames: HashSet<String> = matched_frames
.blocked()
.iter()
.map(|f| f.to_quil_or_debug())
.collect();
let expected_blocked_frames: HashSet<String> = expected_blocked_frames
.into_iter()
.map(|el| el.to_owned())
.collect();
assert_eq!(
blocked_frames, expected_blocked_frames,
"Instruction {instruction} *blocked* frames `{blocked_frames:?}` but we expected `{expected_blocked_frames:?}`", instruction=instruction.to_quil_or_debug()
);
}
}
#[test]
fn into_simplified() {
let input = "
DEFCAL MEASURE 0 addr:
CAPTURE 0 \"ro_rx\" custom addr
DEFCAL MEASURE 1 addr:
CAPTURE 1 \"ro_rx\" custom addr
DEFFRAME 0 \"ro_rx\":
ATTRIBUTE: \"value\"
DEFFRAME 1 \"ro_rx\":
ATTRIBUTE: \"other\"
DEFWAVEFORM custom:
0.0, 1.0
DEFWAVEFORM other_custom:
2.0, 3.0
DECLARE ro BIT
MEASURE 0 ro
";
let expected = "
DECLARE ro BIT
DEFFRAME 0 \"ro_rx\":
ATTRIBUTE: \"value\"
DEFWAVEFORM custom:
0.0, 1.0
CAPTURE 0 \"ro_rx\" custom ro
";
let program = Program::from_str(input).map_err(|e| e.to_string()).unwrap();
let program = program.into_simplified().unwrap();
assert_eq!(program, Program::from_str(expected).unwrap());
}
#[test]
fn test_get_qubits() {
let input = "
DECLARE ro BIT
MEASURE q ro
JUMP-UNLESS @end-reset ro
X q
LABEL @end-reset
DEFCAL I 0:
DELAY 0 1.0
DEFFRAME 0 \"rx\":
HARDWARE-OBJECT: \"hardware\"
DEFWAVEFORM custom:
1,2
I 0
";
let program = Program::from_str(input).unwrap();
let expected_owned = vec![Qubit::Fixed(0), Qubit::Variable("q".to_string())];
let expected = expected_owned.iter().collect::<HashSet<_>>();
let actual = program.get_used_qubits();
assert_eq!(expected, actual.iter().collect());
}
#[test]
fn test_add_instructions() {
let mut p = Program::new();
let instrs = vec![Instruction::Nop, Instruction::Nop];
p.add_instructions(instrs.clone());
assert_eq!(p.instructions, instrs);
}
#[test]
fn test_add_programs() {
let lhs_input = "
DECLARE ro BIT
MEASURE q ro
X q
DEFCAL I 0:
DELAY 0 1.0
DEFFRAME 0 \"rx\":
HARDWARE-OBJECT: \"hardware\"
DEFWAVEFORM custom:
1,2
I 0
";
let rhs_input = "
DECLARE foo REAL
H 1
CNOT 2 3
DEFCAL I 1:
DELAY 0 1.0
DEFFRAME 1 \"rx\":
HARDWARE-OBJECT: \"hardware\"
DEFWAVEFORM custom2:
1,2
";
let lhs = Program::from_str(lhs_input).unwrap();
let rhs = Program::from_str(rhs_input).unwrap();
let sum = lhs + rhs;
assert_eq!(sum.calibrations.len(), 2);
assert_eq!(sum.memory_regions.len(), 2);
assert_eq!(sum.frames.len(), 2);
assert_eq!(sum.waveforms.len(), 2);
assert_eq!(sum.instructions.len(), 5);
let expected_owned = vec![
Qubit::Fixed(0),
Qubit::Fixed(1),
Qubit::Fixed(2),
Qubit::Fixed(3),
Qubit::Variable("q".to_string()),
];
let expected = expected_owned.iter().collect::<HashSet<_>>();
assert_eq!(expected, sum.get_used_qubits().iter().collect())
}
#[test]
fn test_from_vec_instructions() {
let expected: Program = "NOP\nNOP".parse().expect("Should parse NOPs");
let p: Program = expected.instructions.clone().into();
assert_eq!(expected, p);
}
#[test]
fn test_clone_without_body_instructions() {
let quil = "
DECLARE ro BIT
MEASURE q ro
JUMP-UNLESS @end-reset ro
X q
LABEL @end-reset
DEFCAL I 0:
DELAY 0 1.0
DEFFRAME 0 \"rx\":
HARDWARE-OBJECT: \"hardware\"
DEFWAVEFORM custom:
1,2
I 0
";
let original = Program::from_str(quil).unwrap();
assert!(!original.instructions.is_empty());
let mut cloned = original.clone_without_body_instructions();
assert!(cloned.instructions.is_empty());
assert!(cloned.used_qubits.is_empty());
cloned.add_instructions(original.instructions.clone());
assert_eq!(original, cloned);
}
static _0: Complex64 = real!(0.0);
static _1: Complex64 = real!(1.0);
static _I: Complex64 = imag!(1.0);
static _1_SQRT_2: Complex64 = real!(std::f64::consts::FRAC_1_SQRT_2);
static H: Lazy<Matrix> = Lazy::new(|| array![[_1, _1], [_1, -_1]] * _1_SQRT_2);
static X: Lazy<Matrix> = Lazy::new(|| array![[_0, _1], [_1, _0]]);
static Y: Lazy<Matrix> = Lazy::new(|| array![[_0, -_I], [_I, _0]]);
static Z: Lazy<Matrix> = Lazy::new(|| array![[_1, _0], [_0, -_1]]);
static CNOT: Lazy<Matrix> = Lazy::new(|| {
array![
[_1, _0, _0, _0],
[_0, _1, _0, _0],
[_0, _0, _0, _1],
[_0, _0, _1, _0]
]
});
static I2: Lazy<Matrix> = Lazy::new(|| Array2::eye(2));
static I4: Lazy<Matrix> = Lazy::new(|| Array2::eye(4));
#[rstest]
#[case("H 0\nH 1\nH 0", 2, &kron(&H, &I2))]
#[case("H 0\nX 1\nY 2\nZ 3", 4, &kron(&Z, &kron(&Y, &kron(&X, &H))))]
#[case("X 2\nCNOT 2 1\nCNOT 1 0", 3, &kron(&I2, &CNOT).dot(&kron(&CNOT, &I2)).dot(&kron(&X, &I4)))]
fn test_to_unitary(#[case] input: &str, #[case] n_qubits: u64, #[case] expected: &Matrix) {
let program = Program::from_str(input);
assert!(program.is_ok());
let matrix = program.unwrap().to_unitary(n_qubits);
assert!(matrix.is_ok());
assert_abs_diff_eq!(matrix.as_ref().unwrap(), expected);
}
#[test]
fn placeholder_replacement() {
let placeholder_1 = QubitPlaceholder::default();
let placeholder_2 = QubitPlaceholder::default();
let label_placeholder_1 = TargetPlaceholder::new(String::from("custom_label"));
let label_placeholder_2 = TargetPlaceholder::new(String::from("custom_label"));
let mut program = Program::new();
program.add_instruction(Instruction::Label(Label {
target: Target::Placeholder(label_placeholder_1.clone()),
}));
program.add_instruction(Instruction::Jump(Jump {
target: Target::Placeholder(label_placeholder_2.clone()),
}));
program.add_instruction(Instruction::JumpWhen(JumpWhen {
target: Target::Placeholder(label_placeholder_2.clone()),
condition: MemoryReference {
name: "ro".to_string(),
index: 0,
},
}));
program.add_instruction(Instruction::JumpUnless(JumpUnless {
target: Target::Placeholder(label_placeholder_2.clone()),
condition: MemoryReference {
name: "ro".to_string(),
index: 0,
},
}));
program.add_instruction(Instruction::Gate(Gate {
name: "X".to_string(),
qubits: vec![Qubit::Placeholder(placeholder_1.clone())],
parameters: vec![],
modifiers: vec![],
}));
program.add_instruction(Instruction::Gate(Gate {
name: "Y".to_string(),
qubits: vec![Qubit::Placeholder(placeholder_2.clone())],
parameters: vec![],
modifiers: vec![],
}));
let mut auto_increment_resolved = program.clone();
auto_increment_resolved.resolve_placeholders();
assert_eq!(
auto_increment_resolved.instructions,
vec![
Instruction::Label(Label {
target: Target::Fixed("custom_label_0".to_string())
}),
Instruction::Jump(Jump {
target: Target::Fixed("custom_label_1".to_string()),
}),
Instruction::JumpWhen(JumpWhen {
target: Target::Fixed("custom_label_1".to_string()),
condition: MemoryReference {
name: "ro".to_string(),
index: 0,
},
}),
Instruction::JumpUnless(JumpUnless {
target: Target::Fixed("custom_label_1".to_string()),
condition: MemoryReference {
name: "ro".to_string(),
index: 0,
},
}),
Instruction::Gate(Gate {
name: "X".to_string(),
qubits: vec![Qubit::Fixed(0)],
parameters: vec![],
modifiers: vec![],
}),
Instruction::Gate(Gate {
name: "Y".to_string(),
qubits: vec![Qubit::Fixed(1)],
parameters: vec![],
modifiers: vec![],
}),
]
);
let mut custom_resolved = program.clone();
let custom_target_resolutions = HashMap::from([
(label_placeholder_1, "new_label".to_string()),
(label_placeholder_2, "other_new_label".to_string()),
]);
let custom_qubit_resolutions = HashMap::from([(placeholder_1, 42), (placeholder_2, 10000)]);
custom_resolved.resolve_placeholders_with_custom_resolvers(
Box::new(move |placeholder| custom_target_resolutions.get(placeholder).cloned()),
Box::new(move |placeholder| custom_qubit_resolutions.get(placeholder).copied()),
);
assert_eq!(
custom_resolved.instructions,
vec![
Instruction::Label(Label {
target: Target::Fixed("new_label".to_string())
}),
Instruction::Jump(Jump {
target: Target::Fixed("other_new_label".to_string()),
}),
Instruction::JumpWhen(JumpWhen {
target: Target::Fixed("other_new_label".to_string()),
condition: MemoryReference {
name: "ro".to_string(),
index: 0,
},
}),
Instruction::JumpUnless(JumpUnless {
target: Target::Fixed("other_new_label".to_string()),
condition: MemoryReference {
name: "ro".to_string(),
index: 0,
},
}),
Instruction::Gate(Gate {
name: "X".to_string(),
qubits: vec![Qubit::Fixed(42)],
parameters: vec![],
modifiers: vec![],
}),
Instruction::Gate(Gate {
name: "Y".to_string(),
qubits: vec![Qubit::Fixed(10000)],
parameters: vec![],
modifiers: vec![],
}),
]
);
}
}