Author: J. R. Johansson (robert@riken.jp), http://dml.riken.jp/~rob/
The latest version of this IPython notebook lecture is available at http://github.com/jrjohansson/qutip-lectures.
The other notebooks in this lecture series are indexed at http://jrjohansson.github.com.
%matplotlib inline
import matplotlib.pyplot as plt
import numpy as np
from IPython.display import Image
QuTiP is a python package for calculations and numerical simulations of quantum systems.
It includes facilities for representing and doing calculations with quantum objects such state vectors (wavefunctions), as bras/kets/density matrices, quantum operators of single and composite systems, and superoperators (useful for defining master equations).
It also includes solvers for a time-evolution of quantum systems, according to: Schrodinger equation, von Neuman equation, master equations, Floquet formalism, Monte-Carlo quantum trajectors, experimental implementations of the stochastic Schrodinger/master equations.
For more information see the project web site at http://qutip.googlecode.com, and the documentation at http://qutip.googlecode.com/svn/doc/2.1.0/html/index.html.
To install QuTiP, download the latest release from http://code.google.com/p/qutip/downloads/list or get the latest code from https://github.com/qutip/qutip, and run
$ sudo python setup.py install
in the source code directory. For more detailed installation instructions and a list of dependencies that must be installed on the system (basically python+cython+numpy+scipy+matplotlib), see http://qutip.googlecode.com/svn/doc/2.1.0/html/installation.html.
To use QuTiP in a Python program, first inlude the qutip
module:
from qutip import *
This will make the functions and classes in QuTiP available in the rest of the program.
qobj
¶At the heart of the QuTiP package is the Qobj
class, which is used for representing quantum object such as states and operator.
The Qobj
class contains all the information required to describe a quantum system, such as its matrix representation, composite structure and dimensionality.
Image(filename='images/qobj.png')
We can create a new quantum object using the Qobj
class constructor, like this:
q = Qobj([[1], [0]])
q
Here we passed python list as an argument to the class constructor. The data in this list is used to construct the matrix representation of the quantum objects, and the other properties of the quantum object is by default computed from the same data.
We can inspect the properties of a Qobj
instance using the following class method:
# the dimension, or composite Hilbert state space structure
q.dims
[[2], [1]]
# the shape of the matrix data representation
q.shape
[2, 1]
# the matrix data itself. in sparse matrix format.
q.data
<2x1 sparse matrix of type '<type 'numpy.complex128'>' with 1 stored elements in Compressed Sparse Row format>
# get the dense matrix representation
q.full()
array([[ 1.+0.j], [ 0.+0.j]])
# some additional properties
q.isherm, q.type
(False, 'ket')
Qobj
instances for calculations¶With Qobj
instances we can do arithmetic and apply a number of different operations using class methods:
sy = Qobj([[0,-1j], [1j,0]]) # the sigma-y Pauli operator
sy
sz = Qobj([[1,0], [0,-1]]) # the sigma-z Pauli operator
sz
# some arithmetic with quantum objects
H = 1.0 * sz + 0.1 * sy
print("Qubit Hamiltonian = \n")
H
Qubit Hamiltonian =
Example of modifying quantum objects using the Qobj
methods:
# The hermitian conjugate
sy.dag()
# The trace
H.tr()
0.0
# Eigen energies
H.eigenenergies()
array([-1.00498756, 1.00498756])
For a complete list of methods and properties of the Qobj
class, see the QuTiP documentation or try help(Qobj)
or dir(Qobj)
.
Normally we do not need to create Qobj
instances from stratch, using its constructor and passing its matrix represantation as argument. Instead we can use functions in QuTiP that generates common states and operators for us. Here are some examples of built-in state functions:
# Fundamental basis states (Fock states of oscillator modes)
N = 2 # number of states in the Hilbert space
n = 1 # the state that will be occupied
basis(N, n) # equivalent to fock(N, n)
fock(4, 2) # another example
# a coherent state
coherent(N=10, alpha=1.0)
# a fock state as density matrix
fock_dm(5, 2) # 5 = hilbert space size, 2 = state that is occupied
# coherent state as density matrix
coherent_dm(N=8, alpha=1.0)
# thermal state
n = 1 # average number of thermal photons
thermal_dm(8, n)
# Pauli sigma x
sigmax()
# Pauli sigma y
sigmay()
# Pauli sigma z
sigmaz()
# annihilation operator
destroy(N=8) # N = number of fock states included in the Hilbert space
# creation operator
create(N=8) # equivalent to destroy(5).dag()
# the position operator is easily constructed from the annihilation operator
a = destroy(8)
x = a + a.dag()
x
Qobj
instances we can check some well known commutation relations:¶def commutator(op1, op2):
return op1 * op2 - op2 * op1
$[a, a^1] = 1$
a = destroy(5)
commutator(a, a.dag())
Ops... The result is not identity! Why? Because we have truncated the Hilbert space. But that's OK as long as the highest Fock state isn't involved in the dynamics in our truncated Hilbert space. If it is, the approximation that the truncation introduces might be a problem.
$[x,p] = i$
x = (a + a.dag())/sqrt(2)
p = -1j * (a - a.dag())/sqrt(2)
commutator(x, p)
Same issue with the truncated Hilbert space, but otherwise OK.
Let's try some Pauli spin inequalities
$[\sigma_x, \sigma_y] = 2i \sigma_z$
commutator(sigmax(), sigmay()) - 2j * sigmaz()
$-i \sigma_x \sigma_y \sigma_z = \mathbf{1}$
-1j * sigmax() * sigmay() * sigmaz()
$\sigma_x^2 = \sigma_y^2 = \sigma_z^2 = \mathbf{1}$
sigmax()**2 == sigmay()**2 == sigmaz()**2 == qeye(2)
True
In most cases we are interested in coupled quantum systems, for example coupled qubits, a qubit coupled to a cavity (oscillator mode), etc.
To define states and operators for such systems in QuTiP, we use the tensor
function to create Qobj
instances for the composite system.
For example, consider a system composed of two qubits. If we want to create a Pauli $\sigma_z$ operator that acts on the first qubit and leaves the second qubit unaffected (i.e., the operator $\sigma_z \otimes \mathbf{1}$), we would do:
sz1 = tensor(sigmaz(), qeye(2))
sz1
We can easily verify that this two-qubit operator does indeed have the desired properties:
psi1 = tensor(basis(N,1), basis(N,0)) # excited first qubit
psi2 = tensor(basis(N,0), basis(N,1)) # excited second qubit
sz1 * psi1 == psi1 # this should not be true, because sz1 should flip the sign of the excited state of psi1
False
sz1 * psi2 == psi2 # this should be true, because sz1 should leave psi2 unaffected
True
Above we used the qeye(N)
function, which generates the identity operator with N
quantum states. If we want to do the same thing for the second qubit we can do:
sz2 = tensor(qeye(2), sigmaz())
sz2
Note the order of the argument to the tensor
function, and the correspondingly different matrix representation of the two operators sz1
and sz2
.
Using the same method we can create coupling terms of the form $\sigma_x \otimes \sigma_x$:
tensor(sigmax(), sigmax())
Now we are ready to create a Qobj
representation of a coupled two-qubit Hamiltonian: $H = \epsilon_1 \sigma_z^{(1)} + \epsilon_2 \sigma_z^{(2)} + g \sigma_x^{(1)}\sigma_x^{(2)}$
epsilon = [1.0, 1.0]
g = 0.1
sz1 = tensor(sigmaz(), qeye(2))
sz2 = tensor(qeye(2), sigmaz())
H = epsilon[0] * sz1 + epsilon[1] * sz2 + g * tensor(sigmax(), sigmax())
H
To create composite systems of different types, all we need to do is to change the operators that we pass to the tensor
function (which can take an arbitrary number of operator for composite systems with many components).
For example, the Jaynes-Cumming Hamiltonian for a qubit-cavity system:
$H = \omega_c a^\dagger a - \frac{1}{2}\omega_a \sigma_z + g (a \sigma_+ + a^\dagger \sigma_-)$
wc = 1.0 # cavity frequency
wa = 1.0 # qubit/atom frenqency
g = 0.1 # coupling strength
# cavity mode operator
a = tensor(destroy(5), qeye(2))
# qubit/atom operators
sz = tensor(qeye(5), sigmaz()) # sigma-z operator
sm = tensor(qeye(5), destroy(2)) # sigma-minus operator
# the Jaynes-Cumming Hamiltonian
H = wc * a.dag() * a - 0.5 * wa * sz + g * (a * sm.dag() + a.dag() * sm)
H
Note that
$a \sigma_+ = (a \otimes \mathbf{1}) (\mathbf{1} \otimes \sigma_+)$
so the following two are identical:
a = tensor(destroy(3), qeye(2))
sp = tensor(qeye(3), create(2))
a * sp
tensor(destroy(3), create(2))
Unitary evolution of a quantum system in QuTiP can be calculated with the mesolve
function.
mesolve
is short for Master-eqaution solve (for dissipative dynamics), but if no collapse operators (which describe the dissipation) are given to the solve it falls back on the unitary evolution of the Schrodinger (for initial states in state vector for) or the von Neuman equation (for initial states in density matrix form).
The evolution solvers in QuTiP returns a class of type Odedata
, which contains the solution to the problem posed to the evolution solver.
For example, considor a qubit with Hamiltonian $H = \sigma_x$ and initial state $\left|1\right>$ (in the sigma-z basis): Its evolution can be calculated as follows:
# Hamiltonian
H = sigmax()
# initial state
psi0 = basis(2, 0)
# list of times for which the solver should store the state vector
tlist = np.linspace(0, 10, 100)
result = mesolve(H, psi0, tlist, [], [])
result
Odedata object with sesolve data. --------------------------------- states = True num_collapse = 0
The result
object contains a list of the wavefunctions at the times requested with the tlist
array.
len(result.states)
100
result.states[-1] # the finial state
The expectation values of an operator given a state vector or density matrix (or list thereof) can be calculated using the expect
function.
expect(sigmaz(), result.states[-1])
0.40810176186454994
expect(sigmaz(), result.states)
array([ 1. , 0.97966324, 0.91948013, 0.82189857, 0.69088756, 0.53177579, 0.3510349 , 0.15601625, -0.04534808, -0.24486795, -0.43442821, -0.60631884, -0.75354841, -0.87012859, -0.95131766, -0.99381332, -0.99588712, -0.95745468, -0.88007921, -0.76690787, -0.62254375, -0.45285867, -0.26475429, -0.06588149, 0.13567091, 0.33170513, 0.51424779, 0.67587427, 0.81001063, 0.91120109, 0.97532984, 0.99978853, 0.9835823 , 0.92737033, 0.83343897, 0.70560878, 0.54907906, 0.37021643, 0.17629587, -0.02479521, -0.22487778, -0.41581382, -0.58983733, -0.73987014, -0.85980992, -0.94477826, -0.9913192 , -0.99753971, -0.96318677, -0.88965766, -0.77994308, -0.63850553, -0.4710978 , -0.28452892, -0.08638732, 0.11526793, 0.31223484, 0.49650212, 0.660575 , 0.79778003, 0.90253662, 0.97058393, 0.99915421, 0.98708537, 0.9348683 , 0.84462688, 0.72003156, 0.56615011, 0.38924141, 0.19650096, -0.00423183, -0.20479249, -0.39702355, -0.57310633, -0.72587894, -0.84912758, -0.93783928, -0.9884058 , -0.99877041, -0.9685115 , -0.89885984, -0.79264843, -0.65419728, -0.4891377 , -0.30418323, -0.10685663, 0.09481617, 0.29263248, 0.47854644, 0.64499632, 0.785212 , 0.89349043, 0.96542751, 0.9980973 , 0.99017096, 0.94197089, 0.85545757, 0.73414984, 0.58298172, 0.40810176])
fig, axes = plt.subplots(1,1)
axes.plot(tlist, expect(sigmaz(), result.states))
axes.set_xlabel(r'$t$', fontsize=20)
axes.set_ylabel(r'$\left<\sigma_z\right>$', fontsize=20);
If we are only interested in expectation values, we could pass a list of operators to the mesolve
function that we want expectation values for, and have the solver compute then and store the results in the Odedata
class instance that it returns.
For example, to request that the solver calculates the expectation values for the operators $\sigma_x, \sigma_y, \sigma_z$:
result = mesolve(H, psi0, tlist, [], [sigmax(), sigmay(), sigmaz()])
Now the expectation values are available in result.expect[0]
, result.expect[1]
, and result.expect[2]
:
fig, axes = plt.subplots(1,1)
axes.plot(tlist, result.expect[2], label=r'$\left<\sigma_z\right>$')
axes.plot(tlist, result.expect[1], label=r'$\left<\sigma_y\right>$')
axes.plot(tlist, result.expect[0], label=r'$\left<\sigma_x\right>$')
axes.set_xlabel(r'$t$', fontsize=20)
axes.legend(loc=2);
To add dissipation to a problem, all we need to do is to define a list of collapse operators to the call to the mesolve
solver.
A collapse operator is an operator that describes how the system is interacting with its environment.
For example, consider a quantum harmonic oscillator with Hamiltonian
$H = \hbar\omega a^\dagger a$
and which loses photons to its environment with a relaxation rate $\kappa$. The collapse operator that describes this process is
$\sqrt{\kappa} a$
since $a$ is the photon annihilation operator of the oscillator.
To program this problem in QuTiP:
w = 1.0 # oscillator frequency
kappa = 0.1 # relaxation rate
a = destroy(10) # oscillator annihilation operator
rho0 = fock_dm(10, 5) # initial state, fock state with 5 photons
H = w * a.dag() * a # Hamiltonian
# A list of collapse operators
c_ops = [sqrt(kappa) * a]
tlist = np.linspace(0, 50, 100)
# request that the solver return the expectation value of the photon number state operator a.dag() * a
result = mesolve(H, rho0, tlist, c_ops, [a.dag() * a])
fig, axes = plt.subplots(1,1)
axes.plot(tlist, result.expect[0])
axes.set_xlabel(r'$t$', fontsize=20)
axes.set_ylabel(r"Photon number", fontsize=16);
from qutip.ipynbtools import version_table
version_table()
Software | Version |
---|---|
Cython | 0.20.1 |
SciPy | 0.13.3 |
QuTiP | 3.0.0.dev-927c867 |
Python | 2.7.5+ (default, Feb 27 2014, 19:37:08) [GCC 4.8.1] |
IPython | 2.0.0 |
OS | posix [linux2] |
Numpy | 1.8.1 |
matplotlib | 1.3.1 |
Wed Jul 02 15:30:51 2014 JST |