scan – Looping in PyTensor#
Guide#
The scan functions provides the basic functionality needed to do loops in PyTensor. Scan comes with many whistles and bells, which we will introduce by way of examples.
Simple loop with accumulation: Computing \(A^k\)#
Assume that, given k you want to get A**k using a loop.
More precisely, if A is a tensor you want to compute
A**k elemwise. The python/numpy code might look like:
result = 1
for i in range(k):
    result = result * A
There are three things here that we need to handle: the initial value
assigned to result, the accumulation of results in result, and
the unchanging variable A. Unchanging variables are passed to scan as
non_sequences. Initialization occurs in outputs_info, and the accumulation
happens automatically.
The equivalent PyTensor code would be:
import pytensor
import pytensor.tensor as pt
k = pt.iscalar("k")
A = pt.vector("A")
# Symbolic description of the result
result, updates = pytensor.scan(fn=lambda prior_result, A: prior_result * A,
                              outputs_info=pt.ones_like(A),
                              non_sequences=A,
                              n_steps=k)
# We only care about A**k, but scan has provided us with A**1 through A**k.
# Discard the values that we don't care about. Scan is smart enough to
# notice this and not waste memory saving them.
final_result = result[-1]
# compiled function that returns A**k
power = pytensor.function(inputs=[A,k], outputs=final_result, updates=updates)
print(power(range(10),2))
print(power(range(10),4))
[  0.   1.   4.   9.  16.  25.  36.  49.  64.  81.]
[  0.00000000e+00   1.00000000e+00   1.60000000e+01   8.10000000e+01
   2.56000000e+02   6.25000000e+02   1.29600000e+03   2.40100000e+03
   4.09600000e+03   6.56100000e+03]
Let us go through the example line by line. What we did is first to
construct a function (using a lambda expression) that given prior_result and
A returns prior_result * A. The order of parameters is fixed by scan:
the output of the prior call to fn (or the initial value, initially)
is the first parameter, followed by all non-sequences.
Next we initialize the output as a tensor with same shape and dtype as A,
filled with ones. We give A to scan as a non sequence parameter and
specify the number of steps k to iterate over our lambda expression.
Scan returns a tuple containing our result (result) and a
dictionary of updates (empty in this case). Note that the result
is not a matrix, but a 3D tensor containing the value of A**k for
each step. We want the last value (after k steps) so we compile
a function to return just that. Note that there is a rewrite that
at compile time will detect that you are using just the last value of the
result and ensure that scan does not store all the intermediate values
that are used. So do not worry if A and k are large.
Iterating over the first dimension of a tensor: Calculating a polynomial#
In addition to looping a fixed number of times, scan can iterate over
the leading dimension of tensors (similar to Python’s for x in a_list).
The tensor(s) to be looped over should be provided to scan using the
sequence keyword argument.
Here’s an example that builds a symbolic calculation of a polynomial from a list of its coefficients:
import numpy
coefficients = pytensor.tensor.vector("coefficients")
x = pt.scalar("x")
max_coefficients_supported = 10000
# Generate the components of the polynomial
components, updates = pytensor.scan(fn=lambda coefficient, power, free_variable: coefficient * (free_variable ** power),
                                  outputs_info=None,
                                  sequences=[coefficients, pytensor.tensor.arange(max_coefficients_supported)],
                                  non_sequences=x)
# Sum them up
polynomial = components.sum()
# Compile a function
calculate_polynomial = pytensor.function(inputs=[coefficients, x], outputs=polynomial)
# Test
test_coefficients = numpy.asarray([1, 0, 2], dtype=numpy.float32)
test_value = 3
print(calculate_polynomial(test_coefficients, test_value))
print(1.0 * (3 ** 0) + 0.0 * (3 ** 1) + 2.0 * (3 ** 2))
19.0
19.0
There are a few things to note here.
First, we calculate the polynomial by first generating each of the coefficients, and then summing them at the end. (We could also have accumulated them along the way, and then taken the last one, which would have been more memory-efficient, but this is an example.)
Second, there is no accumulation of results, we can set outputs_info to None. This indicates
to scan that it doesn’t need to pass the prior result to fn.
The general order of function parameters to fn is:
sequences (if any), prior result(s) (if needed), non-sequences (if any)
Third, there’s a handy trick used to simulate python’s enumerate: simply include
pytensor.tensor.arange to the sequences.
Fourth, given multiple sequences of uneven lengths, scan will truncate to the shortest of them. This makes it safe to pass a very long arange, which we need to do for generality, since arange must have its length specified at creation time.
Simple accumulation into a scalar, ditching lambda#
Although this example would seem almost self-explanatory, it stresses a
pitfall to be careful of: the initial output state that is supplied, that is
outputs_info, must be of a shape similar to that of the output variable
generated at each iteration and moreover, it must not involve an implicit
downcast of the latter.
import numpy as np
import pytensor
import pytensor.tensor as pt
up_to = pt.iscalar("up_to")
# define a named function, rather than using lambda
def accumulate_by_adding(arange_val, sum_to_date):
    return sum_to_date + arange_val
seq = pt.arange(up_to)
# An unauthorized implicit downcast from the dtype of 'seq', to that of
# 'pt.as_tensor_variable(0)' which is of dtype 'int8' by default would occur
# if this instruction were to be used instead of the next one:
# outputs_info = pt.as_tensor_variable(0)
outputs_info = pt.as_tensor_variable(np.asarray(0, seq.dtype))
scan_result, scan_updates = pytensor.scan(fn=accumulate_by_adding,
                                        outputs_info=outputs_info,
                                        sequences=seq)
triangular_sequence = pytensor.function(inputs=[up_to], outputs=scan_result)
# test
some_num = 15
print(triangular_sequence(some_num))
print([n * (n + 1) // 2 for n in range(some_num)])
[  0   1   3   6  10  15  21  28  36  45  55  66  78  91 105]
[0, 1, 3, 6, 10, 15, 21, 28, 36, 45, 55, 66, 78, 91, 105]
Another simple example#
Unlike some of the prior examples, this one is hard to reproduce except by using scan.
This takes a sequence of array indices, and values to place there, and a “model” output array (whose shape and dtype will be mimicked), and produces a sequence of arrays with the shape and dtype of the model, with all values set to zero except at the provided array indices.
location = pt.imatrix("location")
values = pt.vector("values")
output_model = pt.matrix("output_model")
def set_value_at_position(a_location, a_value, output_model):
    zeros = pt.zeros_like(output_model)
    zeros_subtensor = zeros[a_location[0], a_location[1]]
    return pt.set_subtensor(zeros_subtensor, a_value)
result, updates = pytensor.scan(fn=set_value_at_position,
                              outputs_info=None,
                              sequences=[location, values],
                              non_sequences=output_model)
assign_values_at_positions = pytensor.function(inputs=[location, values, output_model], outputs=result)
# test
test_locations = numpy.asarray([[1, 1], [2, 3]], dtype=numpy.int32)
test_values = numpy.asarray([42, 50], dtype=numpy.float32)
test_output_model = numpy.zeros((5, 5), dtype=numpy.float32)
print(assign_values_at_positions(test_locations, test_values, test_output_model))
[[[  0.   0.   0.   0.   0.]
  [  0.  42.   0.   0.   0.]
  [  0.   0.   0.   0.   0.]
  [  0.   0.   0.   0.   0.]
  [  0.   0.   0.   0.   0.]]
 [[  0.   0.   0.   0.   0.]
  [  0.   0.   0.   0.   0.]
  [  0.   0.   0.  50.   0.]
  [  0.   0.   0.   0.   0.]
  [  0.   0.   0.   0.   0.]]]
This demonstrates that you can introduce new PyTensor variables into a scan function.
Multiple outputs, several taps values - Recurrent Neural Network with Scan#
The examples above showed simple uses of scan. However, scan also supports referring not only to the prior result and the current sequence value, but also looking back more than one step.
This is needed, for example, to implement a RNN using scan. Assume that our RNN is defined as follows :
Note that this network is far from a classical recurrent neural network and might be useless. The reason we defined as such is to better illustrate the features of scan.
In this case we have a sequence over which we need to iterate u,
and two outputs x and y. To implement this with scan we first
construct a function that computes one iteration step :
def oneStep(u_tm4, u_t, x_tm3, x_tm1, y_tm1, W, W_in_1, W_in_2,  W_feedback, W_out):
  x_t = pt.tanh(pytensor.dot(x_tm1, W) + \
               pytensor.dot(u_t,   W_in_1) + \
               pytensor.dot(u_tm4, W_in_2) + \
               pytensor.dot(y_tm1, W_feedback))
  y_t = pytensor.dot(x_tm3, W_out)
  return [x_t, y_t]
As naming convention for the variables we used a_tmb to mean a at
t-b and a_tpb to be a at t+b.
Note the order in which the parameters are given, and in which the
result is returned. Try to respect chronological order among
the taps ( time slices of sequences or outputs) used. For scan is crucial only
for the variables representing the different time taps to be in the same order
as the one in which these taps are given. Also, not only taps should respect
an order, but also variables, since this is how scan figures out what should
be represented by what. Given that we have all
the PyTensor variables needed we construct our RNN as follows :
W = pt.matrix()
W_in_1 = pt.matrix()
W_in_2 = pt.matrix()
W_feedback = pt.matrix()
W_out = pt.matrix()
u = pt.matrix() # it is a sequence of vectors
x0 = pt.matrix() # initial state of x has to be a matrix, since
                # it has to cover x[-3]
y0 = pt.vector() # y0 is just a vector since scan has only to provide
                # y[-1]
([x_vals, y_vals], updates) = pytensor.scan(fn=oneStep,
                                          sequences=dict(input=u, taps=[-4,-0]),
                                          outputs_info=[dict(initial=x0, taps=[-3,-1]), y0],
                                          non_sequences=[W, W_in_1, W_in_2, W_feedback, W_out],
                                          strict=True)
     # for second input y, scan adds -1 in output_taps by default
Now x_vals and y_vals are symbolic variables pointing to the
sequence of x and y values generated by iterating over u. The
sequence_taps, outputs_taps give to scan information about what
slices are exactly needed. Note that if we want to use x[t-k] we do
not need to also have x[t-(k-1)], x[t-(k-2)],.., but when applying
the compiled function, the numpy array given to represent this sequence
should be large enough to cover this values. Assume that we compile the
above function, and we give as u the array uvals = [0,1,2,3,4,5,6,7,8].
By abusing notations, scan will consider uvals[0] as u[-4], and
will start scanning from uvals[4] towards the end.
Conditional ending of Scan#
Scan can also be used as a repeat-until block. In such a case scan
will stop when either the maximal number of iteration is reached, or the
provided condition evaluates to True.
For an example, we will compute all powers of two smaller then some provided
value max_value.
def power_of_2(previous_power, max_value):
    return previous_power*2, pytensor.scan.utils.until(previous_power*2 > max_value)
max_value = pt.scalar()
values, _ = pytensor.scan(power_of_2,
                        outputs_info = pt.constant(1.),
                        non_sequences = max_value,
                        n_steps = 1024)
f = pytensor.function([max_value], values)
print(f(45))
[  2.   4.   8.  16.  32.  64.]
As you can see, in order to terminate on condition, the only thing required
is that the inner function power_of_2 to return also the condition
wrapped in the class pytensor.scan.utils.until. The condition has to be
expressed in terms of the arguments of the inner function (in this case
previous_power and max_value).
As a rule, scan always expects the condition to be the last thing returned by the inner function, otherwise an error will be raised.
Reducing Scan’s memory usage#
This section presents the scan_checkpoints function. In short, this
function reduces the memory usage of scan (at the cost of more computation
time) by not keeping in memory all the intermediate time steps of the loop,
and recomputing them when computing the gradients. This function is therefore
only useful if you need to compute the gradient of the output of scan with
respect to its inputs, and shouldn’t be used otherwise.
Before going more into the details, here are its current limitations:
- It only works in the case where only the output of the last time step is needed, like when computing - A**kor in an- encoder-decodersetup.
- It only accepts sequences of the same length. 
- If - n_stepsis specified, it has the same value as the length of any sequences.
- It is singly-recurrent, meaning that only the previous time step can be used to compute the current one (i.e. - h[t]can only depend on- h[t-1]). In other words,- tapscan not be used in- sequencesand- outputs_info.
Often, in order to be able to compute the gradients through scan operations,
PyTensor needs to keep in memory some intermediate computations of scan. This
can sometimes use a prohibitively large amount of memory.
scan_checkpoints allows to discard some of those intermediate steps and
recompute them again when computing the gradients. Its save_every_N argument
specifies the number time steps to do without storing the intermediate results.
For example, save_every_N = 4 will reduce the memory usage by 4, while having
to recompute 3/4 time steps of the forward loop. Since the grad of scan is
about 6x slower than the forward, a ~20% slowdown is expected. Apart from the
save_every_N argument and the current limitations, the usage of this function
is similar to the classic scan function.
Improving Scan’s performance#
This section covers some ways to improve performance of an PyTensor function using Scan.
Minimizing Scan usage#
Scan makes it possible to define simple and compact graphs that can do the same work as much larger and more complicated graphs. However, it comes with a significant overhead. As such, when performance is the objective, a good rule of thumb is to perform as much of the computation as possible outside of Scan. This may have the effect of increasing memory usage but can also reduce the overhead introduces by using Scan.
Explicitly passing inputs of the inner function to scan#
It is possible, inside of Scan, to use variables previously defined outside of
the Scan without explicitly passing them as inputs to the Scan. However, it is
often more efficient to explicitly pass them as non-sequence inputs instead.
Section Using shared variables - Gibbs sampling provides an explanation for this and
section Using shared variables - the strict flag describes the strict flag, a tool that Scan
provides to help ensure that the inputs to the function inside Scan have all
been provided as explicit inputs to the scan() function.
Deactivating garbage collecting in Scan#
Deactivating the garbage collection for Scan can allow it to reuse memory between executions instead of always having to allocate new memory. This can improve performance at the cost of increased memory usage. By default, Scan reuses memory between iterations of the same execution but frees the memory after the last iteration.
There are two ways to achieve this, using the PyTensor flag
config.scan__allow_gc and setting it to False, or using the argument
allow_gc of the function pytensor.scan() and set it to False (when a value
is not provided for this argument, the value of the flag
config.scan__allow_gc is used).
Graph Rewrites#
This one is simple but still worth pointing out. PyTensor is able to automatically recognize and rewrite many computation patterns. However, there are patterns that PyTensor doesn’t rewrite because doing so would change the user interface (such as merging shared variables together into a single one, for instance). Additionally, PyTensor doesn’t catch every case that it could rewrite and so it remains useful for performance that the user defines an efficient graph in the first place. This is also the case, and sometimes even more so, for the graph inside of Scan. This is because it will be executed many times for every execution of the PyTensor function that contains it.
The LSTM tutorial on DeepLearning.net provides an example of a rewrite that PyTensor cannot perform. Instead of performing many matrix multiplications between matrix \(x_t\) and each of the shared matrices \(W_i\), \(W_c\), \(W_f\) and \(W_o\), the matrices \(W_*\), are merged into a single shared matrix \(W\) and the graph performs a single larger matrix multiplication between \(W\) and \(x_t\). The resulting matrix is then sliced to obtain the results of that the small individual matrix multiplications would have produced. This rewrite replaces several small and inefficient matrix multiplications by a single larger one and thus improves performance at the cost of a potentially higher memory usage.
reference#
This module provides the Scan Op.
Scanning is a general form of recurrence, which can be used for looping. The idea is that you scan a function along some input sequence, producing an output at each time-step that can be seen (but not modified) by the function at the next time-step. (Technically, the function can see the previous K time-steps of your outputs and L time steps (from past and future) of your inputs.
So for example, sum() could be computed by scanning the z+x_i
function over a list, given an initial state of z=0.
Special cases:
- A reduce operation can be performed by using only the last output of a - scan.
- A map operation can be performed by applying a function that ignores previous steps of the outputs. 
Often a for-loop or while-loop can be expressed as a scan() operation,
and scan is the closest that pytensor comes to looping. The advantages
of using scan over for loops in python (among others) are:
- it allows the number of iterations to be part of the symbolic graph 
- it allows computing gradients through the for loop 
- there exist a bunch of optimizations that help re-write your loop such that less memory is used and that it runs faster 
The Scan Op should typically be used by calling any of the following
functions: scan(), map(), reduce(), foldl(),
foldr().
- pytensor.map(fn, sequences, non_sequences=None, truncate_gradient=-1, go_backwards=False, mode=None, name=None)[source]#
- Construct a - Scan- Opthat functions like- map.- Parameters:
- fn – The function that - mapapplies at each iteration step (see- scanfor more info).
- sequences – List of sequences over which - mapiterates (see- scanfor more info).
- non_sequences – List of arguments passed to - fn.- mapwill not iterate over these arguments (see- scanfor more info).
- truncate_gradient – See - scan.
- go_backwards (bool) – Decides the direction of iteration. True means that sequences are parsed from the end towards the beginning, while False is the other way around. 
- mode – See - scan.
- name – See - scan.
 
 
- pytensor.reduce(fn, sequences, outputs_info, non_sequences=None, go_backwards=False, mode=None, name=None)[source]#
- Construct a - Scan- Opthat functions like- reduce.- Parameters:
- fn – The function that - reduceapplies at each iteration step (see- scanfor more info).
- sequences – List of sequences over which - reduceiterates (see- scanfor more info).
- outputs_info – List of dictionaries describing the outputs of reduce (see - scanfor more info).
- non_sequences – - List of arguments passed to fn.reducewill
- not iterate over these arguments (see - scanfor more info).
 
- List of arguments passed to 
- go_backwards (bool) – Decides the direction of iteration. True means that sequences are parsed from the end towards the beginning, while False is the other way around. 
- mode – See - scan.
- name – See - scan.
 
 
- pytensor.foldl(fn, sequences, outputs_info, non_sequences=None, mode=None, name=None)[source]#
- Construct a - Scan- Opthat functions like Haskell’s- foldl.- Parameters:
- fn – The function that - foldlapplies at each iteration step (see- scanfor more info).
- sequences – List of sequences over which - foldliterates (see- scanfor more info).
- outputs_info – List of dictionaries describing the outputs of reduce (see - scanfor more info).
- non_sequences – List of arguments passed to - fn.- foldlwill not iterate over these arguments (see- scanfor more info).
- mode – See - scan.
- name – See - scan.
 
 
- pytensor.foldr(fn, sequences, outputs_info, non_sequences=None, mode=None, name=None)[source]#
- Construct a - Scan- Opthat functions like Haskell’s- foldr.- Parameters:
- fn – The function that - foldrapplies at each iteration step (see- scanfor more info).
- sequences – List of sequences over which - foldriterates (see- scanfor more info).
- outputs_info – List of dictionaries describing the outputs of reduce (see - scanfor more info).
- non_sequences – List of arguments passed to - fn.- foldrwill not iterate over these arguments (see- scanfor more info).
- mode – See - scan.
- name – See - scan.
 
 
- pytensor.scan(fn, sequences=None, outputs_info=None, non_sequences=None, n_steps=None, truncate_gradient=-1, go_backwards=False, mode=None, name=None, profile=False, allow_gc=None, strict=False, return_list=False)[source]
- This function constructs and applies a - Scan- Opto the provided arguments.- Parameters:
- fn – - fnis a function that describes the operations involved in one
- step of - scan.- fnshould construct variables describing the output of one iteration step. It should expect as input- Variables representing all the slices of the input sequences and previous values of the outputs, as well as all other arguments given to scan as- non_sequences. The order in which scan passes these variables to- fnis the following :- all time slices of the first sequence 
- all time slices of the second sequence 
- … 
- all time slices of the last sequence 
- all past slices of the first output 
- all past slices of the second output 
- … 
- all past slices of the last output 
- all other arguments (the list given as non_sequencesto
- scan)
 
- all other arguments (the list given as 
 - The order of the sequences is the same as the one in the list - sequencesgiven to- scan. The order of the outputs is the same as the order of- outputs_info. For any sequence or output the order of the time slices is the same as the one in which they have been given as taps. For example if one writes the following :- scan( fn, sequences=[ dict(input=Sequence1, taps=[-3, 2, -1]), Sequence2, dict(input=Sequence3, taps=3), ], outputs_info=[ dict(initial=Output1, taps=[-3, -5]), dict(initial=Output2, taps=None), Output3, ], non_sequences=[Argument1, Argument2], ) - fnshould expect the following arguments in this given order:- sequence1[t-3]
- sequence1[t+2]
- sequence1[t-1]
- sequence2[t]
- sequence3[t+3]
- output1[t-3]
- output1[t-5]
- output3[t-1]
- argument1
- argument2
 - The list of - non_sequencescan also contain shared variables used in the function, though- scanis able to figure those out on its own so they can be skipped. For the clarity of the code we recommend though to provide them to- scan. To some extend- scancan also figure out other- non sequences(not shared) even if not passed to- scan(but used by- fn). A simple example of this would be :- import pytensor.tensor as pt W = pt.matrix() W_2 = W**2 - def f(x):
- return pt.dot(x, W_2) 
 
 - The function - fnis expected to return two things. One is a list of outputs ordered in the same order as- outputs_info, with the difference that there should be only one output variable per output initial state (even if no tap value is used). Secondly- fnshould return an update dictionary (that tells how to update any shared variable after each iteration step). The dictionary can optionally be given as a list of tuples. There is no constraint on the order of these two list,- fncan return either- (outputs_list, update_dictionary)or- (update_dictionary, outputs_list)or just one of the two (in case the other is empty).- To use - scanas a- whileloop, the user needs to change the function- fnsuch that also a stopping condition is returned. To do so, one needs to wrap the condition in an- untilclass. The condition should be returned as a third element, for example:- ... return [y1_t, y2_t], {x: x + 1}, until(x < 50) - Note that a number of steps–considered in here as the maximum number of steps–is still required even though a condition is passed. It is used to allocate memory if needed. 
 - sequences
- sequencesis the list of- Variables or- dicts describing the sequences- scanhas to iterate over. If a sequence is given as wrapped in a- dict, then a set of optional information can be provided about the sequence. The- dictshould have the following keys:- input(mandatory) –- Variablerepresenting the sequence.
- taps– Temporal taps of the sequence required by- fn. They are provided as a list of integers, where a value- kimpiles that at iteration step- tscan will pass to- fnthe slice- t+k. Default value is- [0]
 - All - Variables in the list- sequencesare automatically wrapped into a- dictwhere- tapsis set to- [0]
- outputs_info
- outputs_infois the list of- Variables or- dicts describing the initial state of the outputs computed recurrently. When the initial states are given as- dicts, optional information can be provided about the output corresponding to those initial states. The- dictshould have the following keys:- initial– A- Variablethat represents the initial state of a given output. In case the output is not computed recursively (e.g. a- map-like function) and does not require an initial state, this field can be skipped. Given that only the previous time step of the output is used by- fn, the initial state should have the same shape as the output and should not involve a downcast of the data type of the output. If multiple time taps are used, the initial state should have one extra dimension that covers all the possible taps. For example if we use- -5,- -2and- -1as past taps, at step- 0,- fnwill require (by an abuse of notation)- output[-5],- output[-2]and- output[-1]. This will be given by the initial state, which in this case should have the shape- (5,) + output.shape. If this- Variablecontaining the initial state is called- init_ythen- init_y[0]corresponds to- output[-5].- init_y[1]corresponds to- output[-4],- init_y[2]corresponds to- output[-3],- init_y[3]corresponds to- output[-2],- init_y[4]corresponds to- output[-1]. While this order might seem strange, it comes natural from splitting an array at a given point. assume that we have a array- x, and we choose- kto be time step- 0. Then our initial state would be- x[:k], while the output will be- x[k:]. Looking at this split, elements in- x[:k]are ordered exactly like those in- init_y.
- taps– Temporal taps of the output that will be passed to- fn. They are provided as a list of negative integers, where a value- kimplies that at iteration step- tscan will pass to- fnthe slice- t+k.
 - scanwill follow this logic if partial information is given:- If an output is not wrapped in a - dict,- scanwill wrap it in one assuming that you use only the last step of the output (i.e. it makes your tap value list equal to- [-1]).
- If you wrap an output in a - dictand you do not provide any taps but you provide an initial state it will assume that you are using only a tap value of- -1.
- If you wrap an output in a - dictbut you do not provide any initial state, it assumes that you are not using any form of taps.
- If you provide a - Noneinstead of a- Variableor a empty- dict- scanassumes that you will not use any taps for this output (like for example in case of a- map)
 - If - outputs_infois an empty- listor- None,- scanassumes that no tap is used for any of the outputs. If information is provided just for a subset of the outputs, an exception is raised, because there is no convention on how scan should map the provided information to the outputs of- fn.
- non_sequences
- non_sequencesis the list of arguments that are passed to- fnat each steps. One can choose to exclude variables used in- fnfrom this list, as long as they are part of the computational graph, although–for clarity–this is not encouraged.
- n_steps
- n_stepsis the number of steps to iterate given as an- intor a scalar- Variable. If any of the input sequences do not have enough elements,- scanwill raise an error. If the value is- 0, the outputs will have- 0rows. If- n_stepsis not provided,- scanwill figure out the amount of steps it should run given its input sequences.- n_steps < 0is not supported anymore.
- truncate_gradient
- truncate_gradientis the number of steps to use in truncated back-propagation through time (BPTT). If you compute gradients through a- Scan- Op, they are computed using BPTT. By providing a different value then- -1, you choose to use truncated BPTT instead of classical BPTT, where you go for only- truncate_gradientnumber of steps back in time.
- go_backwards
- go_backwardsis a flag indicating if- scanshould go backwards through the sequences. If you think of each sequence as indexed by time, making this flag- Truewould mean that- scangoes back in time, namely that for any sequence it starts from the end and goes towards- 0.
- name
- When profiling - scan, it is helpful to provide a name for any instance of- scan. For example, the profiler will produce an overall profile of your code as well as profiles for the computation of one step of each instance of- Scan. The- nameof the instance appears in those profiles and can greatly help to disambiguate information.
- mode
- The mode used to compile the inner-graph. If you prefer the computations of one step of - scanto be done differently then the entire function, you can use this parameter to describe how the computations in this loop are done (see- pytensor.functionfor details about possible values and their meaning).
- profile
- If - Trueor a non-empty string, a profile object will be created and attached to the inner graph of- Scan. When- profileis- True, the profiler results will use the name of the- Scaninstance, otherwise it will use the passed string. The profiler only collects and prints information when running the inner graph with the- CVM- Linker.
- allow_gc
- Set the value of - allow_gcfor the internal graph of the- Scan. If set to- None, this will use the value of- pytensor.config.scan__allow_gc.- The full - Scanbehavior related to allocation is determined by this value and the flag- pytensor.config.allow_gc. If the flag- allow_gcis- True(default) and this- allow_gcis- False(default), then we let- Scanallocate all intermediate memory on the first iteration, and they are not garbage collected after that first iteration; this is determined by- allow_gc. This can speed up allocation of the subsequent iterations. All those temporary allocations are freed at the end of all iterations; this is what the flag- pytensor.config.allow_gcmeans.
- strict
- If - True, all the shared variables used in- fnmust be provided as a part of- non_sequencesor- sequences.
- return_list
- If - True, will always return a- list, even if there is only one output.
 - Returns:
- tupleof the form- (outputs, updates).- outputsis either a- Variableor a- listof- Variables representing the outputs in the same order as in- outputs_info.- updatesis a subclass of- dictspecifying the update rules for all shared variables used in- Scan. This- dictshould be passed to- pytensor.functionwhen you compile your function.
- Return type:
- tuple 
 
- pytensor.scan.scan_checkpoints(fn, sequences=None, outputs_info=None, non_sequences=None, name='checkpointscan_fn', n_steps=None, save_every_N=10, padding=True)[source]#
- Scan function that uses less memory, but is more restrictive. - In - scan(), if you compute the gradient of the output with respect to the input, you will have to store the intermediate results at each time step, which can be prohibitively huge. This function allows to do- save_every_Nsteps of forward computations without storing the intermediate results, and to recompute them during the gradient computation.- Notes - Current assumptions: - Every sequence has the same length. 
- If - n_stepsis specified, it has the same value as the length of any sequence.
- The value of - save_every_Ndivides the number of steps the scan will run without remainder.
- Only singly-recurrent and non-recurrent outputs are used. No multiple recurrences. 
- Only the last timestep of any output will ever be used. 
 - Parameters:
- fn – - fnis a function that describes the operations involved in one step of- scan. See the documentation of- scan()for more information.
- sequences – - sequencesis the list of PyTensor variables or dictionaries describing the sequences- scanhas to iterate over. All sequences must be the same length in this version of- scan.
- outputs_info – - outputs_infois the list of PyTensor variables or dictionaries describing the initial state of the outputs computed recurrently.
- non_sequences – - non_sequencesis the list of arguments that are passed to- fnat each steps. One can opt to exclude variable used in- fnfrom this list as long as they are part of the computational graph, though for clarity we encourage not to do so.
- n_steps – - n_stepsis the number of steps to iterate given as an int or PyTensor scalar (> 0). If any of the input sequences do not have enough elements, scan will raise an error. If n_steps is not provided,- scanwill figure out the amount of steps it should run given its input sequences.
- save_every_N – - save_every_Nis the number of steps to go without storing the computations of- scan(ie they will have to be recomputed during the gradient computation).
- padding – If the length of the sequences is not a multiple of - save_every_N, the sequences will be zero padded to make this version of- scanwork properly, but will also result in a memory copy. It can be avoided by setting- paddingto False, but you need to make sure the length of the sequences is a multiple of- save_every_N.
 
- Returns:
- Tuple of the form - (outputs, updates)as in- scan(), but with a small change: It only contain the output at each- save_every_Nstep. The time steps that are not returned by this function will be recomputed during the gradient computation (if any).
- Return type:
- tuple 
 - See also - scan()
- Looping in PyTensor.