Probability

This IPy notebook acts as supporting material for topics covered in Chapter 13 Quantifying Uncertainty, Chapter 14 Probabilistic Reasoning, Chapter 15 Probabilistic Reasoning over Time, Chapter 16 Making Simple Decisions and parts of Chapter 25 Robotics of the book Artificial Intelligence: A Modern Approach. This notebook makes use of the implementations in probability.py module. Let us import everything from the probability module. It might be helpful to view the source of some of our implementations. Please refer to the Introductory IPy file for more details on how to do so.


In [1]:
from probability import *
from utils import print_table
from notebook import psource, pseudocode, heatmap

CONTENTS

  • Probability Distribution
    • Joint probability distribution
    • Inference using full joint distributions
  • Bayesian Networks
    • BayesNode
    • BayesNet
    • Exact Inference in Bayesian Networks
      • Enumeration
      • Variable elimination
    • Approximate Inference in Bayesian Networks
      • Prior sample
      • Rejection sampling
      • Likelihood weighting
      • Gibbs sampling
  • Hidden Markov Models
    • Inference in Hidden Markov Models
      • Forward-backward
      • Fixed lag smoothing
      • Particle filtering

  • Monte Carlo Localization
  • Decision Theoretic Agent
  • Information Gathering Agent

PROBABILITY DISTRIBUTION

Let us begin by specifying discrete probability distributions. The class ProbDist defines a discrete probability distribution. We name our random variable and then assign probabilities to the different values of the random variable. Assigning probabilities to the values works similar to that of using a dictionary with keys being the Value and we assign to it the probability. This is possible because of the magic methods _ getitem _ and _ setitem _ which store the probabilities in the prob dict of the object. You can keep the source window open alongside while playing with the rest of the code to get a better understanding.


In [2]:
psource(ProbDist)


class ProbDist:
    """A discrete probability distribution. You name the random variable
    in the constructor, then assign and query probability of values.
    >>> P = ProbDist('Flip'); P['H'], P['T'] = 0.25, 0.75; P['H']
    0.25
    >>> P = ProbDist('X', {'lo': 125, 'med': 375, 'hi': 500})
    >>> P['lo'], P['med'], P['hi']
    (0.125, 0.375, 0.5)
    """

    def __init__(self, varname='?', freqs=None):
        """If freqs is given, it is a dictionary of values - frequency pairs,
        then ProbDist is normalized."""
        self.prob = {}
        self.varname = varname
        self.values = []
        if freqs:
            for (v, p) in freqs.items():
                self[v] = p
            self.normalize()

    def __getitem__(self, val):
        """Given a value, return P(value)."""
        try:
            return self.prob[val]
        except KeyError:
            return 0

    def __setitem__(self, val, p):
        """Set P(val) = p."""
        if val not in self.values:
            self.values.append(val)
        self.prob[val] = p

    def normalize(self):
        """Make sure the probabilities of all values sum to 1.
        Returns the normalized distribution.
        Raises a ZeroDivisionError if the sum of the values is 0."""
        total = sum(self.prob.values())
        if not isclose(total, 1.0):
            for val in self.prob:
                self.prob[val] /= total
        return self

    def show_approx(self, numfmt='{:.3g}'):
        """Show the probabilities rounded and sorted by key, for the
        sake of portable doctests."""
        return ', '.join([('{}: ' + numfmt).format(v, p)
                          for (v, p) in sorted(self.prob.items())])

    def __repr__(self):
        return "P({})".format(self.varname)

In [3]:
p = ProbDist('Flip')
p['H'], p['T'] = 0.25, 0.75
p['T']


Out[3]:
0.75

The first parameter of the constructor varname has a default value of '?'. So if the name is not passed it defaults to ?. The keyword argument freqs can be a dictionary of values of random variable: probability. These are then normalized such that the probability values sum upto 1 using the normalize method.


In [4]:
p = ProbDist(freqs={'low': 125, 'medium': 375, 'high': 500})
p.varname


Out[4]:
'?'

In [5]:
(p['low'], p['medium'], p['high'])


Out[5]:
(0.125, 0.375, 0.5)

Besides the prob and varname the object also separately keeps track of all the values of the distribution in a list called values. Every time a new value is assigned a probability it is appended to this list, This is done inside the _ setitem _ method.


In [6]:
p.values


Out[6]:
['low', 'medium', 'high']

The distribution by default is not normalized if values are added incrementally. We can still force normalization by invoking the normalize method.


In [7]:
p = ProbDist('Y')
p['Cat'] = 50
p['Dog'] = 114
p['Mice'] = 64
(p['Cat'], p['Dog'], p['Mice'])


Out[7]:
(50, 114, 64)

In [8]:
p.normalize()
(p['Cat'], p['Dog'], p['Mice'])


Out[8]:
(0.21929824561403508, 0.5, 0.2807017543859649)

It is also possible to display the approximate values upto decimals using the show_approx method.


In [9]:
p.show_approx()


Out[9]:
'Cat: 0.219, Dog: 0.5, Mice: 0.281'

Joint Probability Distribution

The helper function event_values returns a tuple of the values of variables in event. An event is specified by a dict where the keys are the names of variables and the corresponding values are the value of the variable. Variables are specified with a list. The ordering of the returned tuple is same as those of the variables.

Alternatively if the event is specified by a list or tuple of equal length of the variables. Then the events tuple is returned as it is.


In [10]:
event = {'A': 10, 'B': 9, 'C': 8}
variables = ['C', 'A']
event_values(event, variables)


Out[10]:
(8, 10)

A probability model is completely determined by the joint distribution for all of the random variables. (Section 13.3) The probability module implements these as the class JointProbDist which inherits from the ProbDist class. This class specifies a discrete probability distribute over a set of variables.


In [11]:
psource(JointProbDist)


class JointProbDist(ProbDist):
    """A discrete probability distribute over a set of variables.
    >>> P = JointProbDist(['X', 'Y']); P[1, 1] = 0.25
    >>> P[1, 1]
    0.25
    >>> P[dict(X=0, Y=1)] = 0.5
    >>> P[dict(X=0, Y=1)]
    0.5"""

    def __init__(self, variables):
        self.prob = {}
        self.variables = variables
        self.vals = defaultdict(list)

    def __getitem__(self, values):
        """Given a tuple or dict of values, return P(values)."""
        values = event_values(values, self.variables)
        return ProbDist.__getitem__(self, values)

    def __setitem__(self, values, p):
        """Set P(values) = p.  Values can be a tuple or a dict; it must
        have a value for each of the variables in the joint. Also keep track
        of the values we have seen so far for each variable."""
        values = event_values(values, self.variables)
        self.prob[values] = p
        for var, val in zip(self.variables, values):
            if val not in self.vals[var]:
                self.vals[var].append(val)

    def values(self, var):
        """Return the set of possible values for a variable."""
        return self.vals[var]

    def __repr__(self):
        return "P({})".format(self.variables)

Values for a Joint Distribution is a an ordered tuple in which each item corresponds to the value associate with a particular variable. For Joint Distribution of X, Y where X, Y take integer values this can be something like (18, 19).

To specify a Joint distribution we first need an ordered list of variables.


In [12]:
variables = ['X', 'Y']
j = JointProbDist(variables)
j


Out[12]:
P(['X', 'Y'])

Like the ProbDist class JointProbDist also employes magic methods to assign probability to different values. The probability can be assigned in either of the two formats for all possible values of the distribution. The event_values call inside _ getitem _ and _ setitem _ does the required processing to make this work.


In [13]:
j[1,1] = 0.2
j[dict(X=0, Y=1)] = 0.5

(j[1,1], j[0,1])


Out[13]:
(0.2, 0.5)

It is also possible to list all the values for a particular variable using the values method.


In [14]:
j.values('X')


Out[14]:
[1, 0]

Inference Using Full Joint Distributions

In this section we use Full Joint Distributions to calculate the posterior distribution given some evidence. We represent evidence by using a python dictionary with variables as dict keys and dict values representing the values.

This is illustrated in Section 13.3 of the book. The functions enumerate_joint and enumerate_joint_ask implement this functionality. Under the hood they implement Equation 13.9 from the book.

$$\textbf{P}(X | \textbf{e}) = \alpha \textbf{P}(X, \textbf{e}) = \alpha \sum_{y} \textbf{P}(X, \textbf{e}, \textbf{y})$$

Here α is the normalizing factor. X is our query variable and e is the evidence. According to the equation we enumerate on the remaining variables y (not in evidence or query variable) i.e. all possible combinations of y

We will be using the same example as the book. Let us create the full joint distribution from Figure 13.3.


In [15]:
full_joint = JointProbDist(['Cavity', 'Toothache', 'Catch'])
full_joint[dict(Cavity=True, Toothache=True, Catch=True)] = 0.108
full_joint[dict(Cavity=True, Toothache=True, Catch=False)] = 0.012
full_joint[dict(Cavity=True, Toothache=False, Catch=True)] = 0.016
full_joint[dict(Cavity=True, Toothache=False, Catch=False)] = 0.064
full_joint[dict(Cavity=False, Toothache=True, Catch=True)] = 0.072
full_joint[dict(Cavity=False, Toothache=False, Catch=True)] = 0.144
full_joint[dict(Cavity=False, Toothache=True, Catch=False)] = 0.008
full_joint[dict(Cavity=False, Toothache=False, Catch=False)] = 0.576

Let us now look at the enumerate_joint function returns the sum of those entries in P consistent with e,provided variables is P's remaining variables (the ones not in e). Here, P refers to the full joint distribution. The function uses a recursive call in its implementation. The first parameter variables refers to remaining variables. The function in each recursive call keeps on variable constant while varying others.


In [16]:
psource(enumerate_joint)


def enumerate_joint(variables, e, P):
    """Return the sum of those entries in P consistent with e,
    provided variables is P's remaining variables (the ones not in e)."""
    if not variables:
        return P[e]
    Y, rest = variables[0], variables[1:]
    return sum([enumerate_joint(rest, extend(e, Y, y), P)
                for y in P.values(Y)])

Let us assume we want to find P(Toothache=True). This can be obtained by marginalization (Equation 13.6). We can use enumerate_joint to solve for this by taking Toothache=True as our evidence. enumerate_joint will return the sum of probabilities consistent with evidence i.e. Marginal Probability.


In [17]:
evidence = dict(Toothache=True)
variables = ['Cavity', 'Catch'] # variables not part of evidence
ans1 = enumerate_joint(variables, evidence, full_joint)
ans1


Out[17]:
0.19999999999999998

You can verify the result from our definition of the full joint distribution. We can use the same function to find more complex probabilities like P(Cavity=True and Toothache=True)


In [18]:
evidence = dict(Cavity=True, Toothache=True)
variables = ['Catch'] # variables not part of evidence
ans2 = enumerate_joint(variables, evidence, full_joint)
ans2


Out[18]:
0.12

Being able to find sum of probabilities satisfying given evidence allows us to compute conditional probabilities like P(Cavity=True | Toothache=True) as we can rewrite this as $$P(Cavity=True | Toothache = True) = \frac{P(Cavity=True \ and \ Toothache=True)}{P(Toothache=True)}$$

We have already calculated both the numerator and denominator.


In [19]:
ans2/ans1


Out[19]:
0.6

We might be interested in the probability distribution of a particular variable conditioned on some evidence. This can involve doing calculations like above for each possible value of the variable. This has been implemented slightly differently using normalization in the function enumerate_joint_ask which returns a probability distribution over the values of the variable X, given the {var:val} observations e, in the JointProbDist P. The implementation of this function calls enumerate_joint for each value of the query variable and passes extended evidence with the new evidence having X = xi. This is followed by normalization of the obtained distribution.


In [20]:
psource(enumerate_joint_ask)


def enumerate_joint_ask(X, e, P):
    """Return a probability distribution over the values of the variable X,
    given the {var:val} observations e, in the JointProbDist P. [Section 13.3]
    >>> P = JointProbDist(['X', 'Y'])
    >>> P[0,0] = 0.25; P[0,1] = 0.5; P[1,1] = P[2,1] = 0.125
    >>> enumerate_joint_ask('X', dict(Y=1), P).show_approx()
    '0: 0.667, 1: 0.167, 2: 0.167'
    """
    assert X not in e, "Query variable must be distinct from evidence"
    Q = ProbDist(X)  # probability distribution for X, initially empty
    Y = [v for v in P.variables if v != X and v not in e]  # hidden variables.
    for xi in P.values(X):
        Q[xi] = enumerate_joint(Y, extend(e, X, xi), P)
    return Q.normalize()

Let us find P(Cavity | Toothache=True) using enumerate_joint_ask.


In [21]:
query_variable = 'Cavity'
evidence = dict(Toothache=True)
ans = enumerate_joint_ask(query_variable, evidence, full_joint)
(ans[True], ans[False])


Out[21]:
(0.6, 0.39999999999999997)

You can verify that the first value is the same as we obtained earlier by manual calculation.

BAYESIAN NETWORKS

A Bayesian network is a representation of the joint probability distribution encoding a collection of conditional independence statements.

A Bayes Network is implemented as the class BayesNet. It consisits of a collection of nodes implemented by the class BayesNode. The implementation in the above mentioned classes focuses only on boolean variables. Each node is associated with a variable and it contains a conditional probabilty table (cpt). The cpt represents the probability distribution of the variable conditioned on its parents P(X | parents).

Let us dive into the BayesNode implementation.


In [22]:
psource(BayesNode)


class BayesNode:
    """A conditional probability distribution for a boolean variable,
    P(X | parents). Part of a BayesNet."""

    def __init__(self, X, parents, cpt):
        """X is a variable name, and parents a sequence of variable
        names or a space-separated string.  cpt, the conditional
        probability table, takes one of these forms:

        * A number, the unconditional probability P(X=true). You can
          use this form when there are no parents.

        * A dict {v: p, ...}, the conditional probability distribution
          P(X=true | parent=v) = p. When there's just one parent.

        * A dict {(v1, v2, ...): p, ...}, the distribution P(X=true |
          parent1=v1, parent2=v2, ...) = p. Each key must have as many
          values as there are parents. You can use this form always;
          the first two are just conveniences.

        In all cases the probability of X being false is left implicit,
        since it follows from P(X=true).

        >>> X = BayesNode('X', '', 0.2)
        >>> Y = BayesNode('Y', 'P', {T: 0.2, F: 0.7})
        >>> Z = BayesNode('Z', 'P Q',
        ...    {(T, T): 0.2, (T, F): 0.3, (F, T): 0.5, (F, F): 0.7})
        """
        if isinstance(parents, str):
            parents = parents.split()

        # We store the table always in the third form above.
        if isinstance(cpt, (float, int)):  # no parents, 0-tuple
            cpt = {(): cpt}
        elif isinstance(cpt, dict):
            # one parent, 1-tuple
            if cpt and isinstance(list(cpt.keys())[0], bool):
                cpt = {(v,): p for v, p in cpt.items()}

        assert isinstance(cpt, dict)
        for vs, p in cpt.items():
            assert isinstance(vs, tuple) and len(vs) == len(parents)
            assert all(isinstance(v, bool) for v in vs)
            assert 0 <= p <= 1

        self.variable = X
        self.parents = parents
        self.cpt = cpt
        self.children = []

    def p(self, value, event):
        """Return the conditional probability
        P(X=value | parents=parent_values), where parent_values
        are the values of parents in event. (event must assign each
        parent a value.)
        >>> bn = BayesNode('X', 'Burglary', {T: 0.2, F: 0.625})
        >>> bn.p(False, {'Burglary': False, 'Earthquake': True})
        0.375"""
        assert isinstance(value, bool)
        ptrue = self.cpt[event_values(event, self.parents)]
        return ptrue if value else 1 - ptrue

    def sample(self, event):
        """Sample from the distribution for this variable conditioned
        on event's values for parent_variables. That is, return True/False
        at random according with the conditional probability given the
        parents."""
        return probability(self.p(True, event))

    def __repr__(self):
        return repr((self.variable, ' '.join(self.parents)))

The constructor takes in the name of variable, parents and cpt. Here variable is a the name of the variable like 'Earthquake'. parents should a list or space separate string with variable names of parents. The conditional probability table is a dict {(v1, v2, ...): p, ...}, the distribution P(X=true | parent1=v1, parent2=v2, ...) = p. Here the keys are combination of boolean values that the parents take. The length and order of the values in keys should be same as the supplied parent list/string. In all cases the probability of X being false is left implicit, since it follows from P(X=true).

The example below where we implement the network shown in Figure 14.3 of the book will make this more clear.

The alarm node can be made as follows:


In [23]:
alarm_node = BayesNode('Alarm', ['Burglary', 'Earthquake'], 
                       {(True, True): 0.95,(True, False): 0.94, (False, True): 0.29, (False, False): 0.001})

It is possible to avoid using a tuple when there is only a single parent. So an alternative format for the cpt is


In [24]:
john_node = BayesNode('JohnCalls', ['Alarm'], {True: 0.90, False: 0.05})
mary_node = BayesNode('MaryCalls', 'Alarm', {(True, ): 0.70, (False, ): 0.01}) # Using string for parents.
# Equivalant to john_node definition.

The general format used for the alarm node always holds. For nodes with no parents we can also use.


In [25]:
burglary_node = BayesNode('Burglary', '', 0.001)
earthquake_node = BayesNode('Earthquake', '', 0.002)

It is possible to use the node for lookup function using the p method. The method takes in two arguments value and event. Event must be a dict of the type {variable:values, ..} The value corresponds to the value of the variable we are interested in (False or True).The method returns the conditional probability P(X=value | parents=parent_values), where parent_values are the values of parents in event. (event must assign each parent a value.)


In [26]:
john_node.p(False, {'Alarm': True, 'Burglary': True}) # P(JohnCalls=False | Alarm=True)


Out[26]:
0.09999999999999998

With all the information about nodes present it is possible to construct a Bayes Network using BayesNet. The BayesNet class does not take in nodes as input but instead takes a list of node_specs. An entry in node_specs is a tuple of the parameters we use to construct a BayesNode namely (X, parents, cpt). node_specs must be ordered with parents before children.


In [27]:
psource(BayesNet)


class BayesNet:
    """Bayesian network containing only boolean-variable nodes."""

    def __init__(self, node_specs=None):
        """Nodes must be ordered with parents before children."""
        self.nodes = []
        self.variables = []
        node_specs = node_specs or []
        for node_spec in node_specs:
            self.add(node_spec)

    def add(self, node_spec):
        """Add a node to the net. Its parents must already be in the
        net, and its variable must not."""
        node = BayesNode(*node_spec)
        assert node.variable not in self.variables
        assert all((parent in self.variables) for parent in node.parents)
        self.nodes.append(node)
        self.variables.append(node.variable)
        for parent in node.parents:
            self.variable_node(parent).children.append(node)

    def variable_node(self, var):
        """Return the node for the variable named var.
        >>> burglary.variable_node('Burglary').variable
        'Burglary'"""
        for n in self.nodes:
            if n.variable == var:
                return n
        raise Exception("No such variable: {}".format(var))

    def variable_values(self, var):
        """Return the domain of var."""
        return [True, False]

    def __repr__(self):
        return 'BayesNet({0!r})'.format(self.nodes)

The constructor of BayesNet takes each item in node_specs and adds a BayesNode to its nodes object variable by calling the add method. add in turn adds node to the net. Its parents must already be in the net, and its variable must not. Thus add allows us to grow a BayesNet given its parents are already present.

burglary global is an instance of BayesNet corresponding to the above example.

T, F = True, False

burglary = BayesNet([
    ('Burglary', '', 0.001),
    ('Earthquake', '', 0.002),
    ('Alarm', 'Burglary Earthquake',
     {(T, T): 0.95, (T, F): 0.94, (F, T): 0.29, (F, F): 0.001}),
    ('JohnCalls', 'Alarm', {T: 0.90, F: 0.05}),
    ('MaryCalls', 'Alarm', {T: 0.70, F: 0.01})
])

In [28]:
burglary


Out[28]:
BayesNet([('Burglary', ''), ('Earthquake', ''), ('Alarm', 'Burglary Earthquake'), ('JohnCalls', 'Alarm'), ('MaryCalls', 'Alarm')])

BayesNet method variable_node allows to reach BayesNode instances inside a Bayes Net. It is possible to modify the cpt of the nodes directly using this method.


In [29]:
type(burglary.variable_node('Alarm'))


Out[29]:
probability.BayesNode

In [30]:
burglary.variable_node('Alarm').cpt


Out[30]:
{(False, False): 0.001,
 (False, True): 0.29,
 (True, False): 0.94,
 (True, True): 0.95}

Exact Inference in Bayesian Networks

A Bayes Network is a more compact representation of the full joint distribution and like full joint distributions allows us to do inference i.e. answer questions about probability distributions of random variables given some evidence.

Exact algorithms don't scale well for larger networks. Approximate algorithms are explained in the next section.

Inference by Enumeration

We apply techniques similar to those used for enumerate_joint_ask and enumerate_joint to draw inference from Bayesian Networks. enumeration_ask and enumerate_all implement the algorithm described in Figure 14.9 of the book.


In [31]:
psource(enumerate_all)


def enumerate_all(variables, e, bn):
    """Return the sum of those entries in P(variables | e{others})
    consistent with e, where P is the joint distribution represented
    by bn, and e{others} means e restricted to bn's other variables
    (the ones other than variables). Parents must precede children in variables."""
    if not variables:
        return 1.0
    Y, rest = variables[0], variables[1:]
    Ynode = bn.variable_node(Y)
    if Y in e:
        return Ynode.p(e[Y], e) * enumerate_all(rest, e, bn)
    else:
        return sum(Ynode.p(y, e) * enumerate_all(rest, extend(e, Y, y), bn)
                   for y in bn.variable_values(Y))

enumerate_all recursively evaluates a general form of the Equation 14.4 in the book.

$$\textbf{P}(X | \textbf{e}) = α \textbf{P}(X, \textbf{e}) = α \sum_{y} \textbf{P}(X, \textbf{e}, \textbf{y})$$

such that P(X, e, y) is written in the form of product of conditional probabilities P(variable | parents(variable)) from the Bayesian Network.

enumeration_ask calls enumerate_all on each value of query variable X and finally normalizes them.


In [32]:
psource(enumeration_ask)


def enumeration_ask(X, e, bn):
    """Return the conditional probability distribution of variable X
    given evidence e, from BayesNet bn. [Figure 14.9]
    >>> enumeration_ask('Burglary', dict(JohnCalls=T, MaryCalls=T), burglary
    ...  ).show_approx()
    'False: 0.716, True: 0.284'"""
    assert X not in e, "Query variable must be distinct from evidence"
    Q = ProbDist(X)
    for xi in bn.variable_values(X):
        Q[xi] = enumerate_all(bn.variables, extend(e, X, xi), bn)
    return Q.normalize()

Let us solve the problem of finding out P(Burglary=True | JohnCalls=True, MaryCalls=True) using the burglary network. enumeration_ask takes three arguments X = variable name, e = Evidence (in form a dict like previously explained), bn = The Bayes Net to do inference on.


In [33]:
ans_dist = enumeration_ask('Burglary', {'JohnCalls': True, 'MaryCalls': True}, burglary)
ans_dist[True]


Out[33]:
0.2841718353643929

Variable Elimination

The enumeration algorithm can be improved substantially by eliminating repeated calculations. In enumeration we join the joint of all hidden variables. This is of exponential size for the number of hidden variables. Variable elimination employes interleaving join and marginalization.

Before we look into the implementation of Variable Elimination we must first familiarize ourselves with Factors.

In general we call a multidimensional array of type P(Y1 ... Yn | X1 ... Xm) a factor where some of Xs and Ys maybe assigned values. Factors are implemented in the probability module as the class Factor. They take as input variables and cpt.

Helper Functions

There are certain helper functions that help creating the cpt for the Factor given the evidence. Let us explore them one by one.


In [34]:
psource(make_factor)


def make_factor(var, e, bn):
    """Return the factor for var in bn's joint distribution given e.
    That is, bn's full joint distribution, projected to accord with e,
    is the pointwise product of these factors for bn's variables."""
    node = bn.variable_node(var)
    variables = [X for X in [var] + node.parents if X not in e]
    cpt = {event_values(e1, variables): node.p(e1[var], e1)
           for e1 in all_events(variables, bn, e)}
    return Factor(variables, cpt)

make_factor is used to create the cpt and variables that will be passed to the constructor of Factor. We use make_factor for each variable. It takes in the arguments var the particular variable, e the evidence we want to do inference on, bn the bayes network.

Here variables for each node refers to a list consisting of the variable itself and the parents minus any variables that are part of the evidence. This is created by finding the node.parents and filtering out those that are not part of the evidence.

The cpt created is the one similar to the original cpt of the node with only rows that agree with the evidence.


In [35]:
psource(all_events)


def all_events(variables, bn, e):
    """Yield every way of extending e with values for all variables."""
    if not variables:
        yield e
    else:
        X, rest = variables[0], variables[1:]
        for e1 in all_events(rest, bn, e):
            for x in bn.variable_values(X):
                yield extend(e1, X, x)

The all_events function is a recursive generator function which yields a key for the orignal cpt which is part of the node. This works by extending evidence related to the node, thus all the output from all_events only includes events that support the evidence. Given all_events is a generator function one such event is returned on every call.

We can try this out using the example on Page 524 of the book. We will make f5(A) = P(m | A)


In [36]:
f5 = make_factor('MaryCalls', {'JohnCalls': True, 'MaryCalls': True}, burglary)

In [37]:
f5


Out[37]:
<probability.Factor at 0x188698b6978>

In [38]:
f5.cpt


Out[38]:
{(False,): 0.01, (True,): 0.7}

In [39]:
f5.variables


Out[39]:
['Alarm']

Here f5.cpt False key gives probability for P(MaryCalls=True | Alarm = False). Due to our representation where we only store probabilities for only in cases where the node variable is True this is the same as the cpt of the BayesNode. Let us try a somewhat different example from the book where evidence is that the Alarm = True


In [40]:
new_factor = make_factor('MaryCalls', {'Alarm': True}, burglary)

In [41]:
new_factor.cpt


Out[41]:
{(False,): 0.30000000000000004, (True,): 0.7}

Here the cpt is for P(MaryCalls | Alarm = True). Therefore the probabilities for True and False sum up to one. Note the difference between both the cases. Again the only rows included are those consistent with the evidence.

Operations on Factors

We are interested in two kinds of operations on factors. Pointwise Product which is used to created joint distributions and Summing Out which is used for marginalization.


In [42]:
psource(Factor.pointwise_product)


    def pointwise_product(self, other, bn):
        """Multiply two factors, combining their variables."""
        variables = list(set(self.variables) | set(other.variables))
        cpt = {event_values(e, variables): self.p(e) * other.p(e)
               for e in all_events(variables, bn, {})}
        return Factor(variables, cpt)

Factor.pointwise_product implements a method of creating a joint via combining two factors. We take the union of variables of both the factors and then generate the cpt for the new factor using all_events function. Note that the given we have eliminated rows that are not consistent with the evidence. Pointwise product assigns new probabilities by multiplying rows similar to that in a database join.


In [43]:
psource(pointwise_product)


def pointwise_product(factors, bn):
    return reduce(lambda f, g: f.pointwise_product(g, bn), factors)

pointwise_product extends this operation to more than two operands where it is done sequentially in pairs of two.


In [44]:
psource(Factor.sum_out)


    def sum_out(self, var, bn):
        """Make a factor eliminating var by summing over its values."""
        variables = [X for X in self.variables if X != var]
        cpt = {event_values(e, variables): sum(self.p(extend(e, var, val))
                                               for val in bn.variable_values(var))
               for e in all_events(variables, bn, {})}
        return Factor(variables, cpt)

Factor.sum_out makes a factor eliminating a variable by summing over its values. Again events_all is used to generate combinations for the rest of the variables.


In [45]:
psource(sum_out)


def sum_out(var, factors, bn):
    """Eliminate var from all factors by summing over its values."""
    result, var_factors = [], []
    for f in factors:
        (var_factors if var in f.variables else result).append(f)
    result.append(pointwise_product(var_factors, bn).sum_out(var, bn))
    return result

sum_out uses both Factor.sum_out and pointwise_product to finally eliminate a particular variable from all factors by summing over its values.

Elimination Ask

The algorithm described in Figure 14.11 of the book is implemented by the function elimination_ask. We use this for inference. The key idea is that we eliminate the hidden variables by interleaving joining and marginalization. It takes in 3 arguments X the query variable, e the evidence variable and bn the Bayes network.

The algorithm creates factors out of Bayes Nodes in reverse order and eliminates hidden variables using sum_out. Finally it takes a point wise product of all factors and normalizes. Let us finally solve the problem of inferring

P(Burglary=True | JohnCalls=True, MaryCalls=True) using variable elimination.


In [46]:
psource(elimination_ask)


def elimination_ask(X, e, bn):
    """Compute bn's P(X|e) by variable elimination. [Figure 14.11]
    >>> elimination_ask('Burglary', dict(JohnCalls=T, MaryCalls=T), burglary
    ...  ).show_approx()
    'False: 0.716, True: 0.284'"""
    assert X not in e, "Query variable must be distinct from evidence"
    factors = []
    for var in reversed(bn.variables):
        factors.append(make_factor(var, e, bn))
        if is_hidden(var, X, e):
            factors = sum_out(var, factors, bn)
    return pointwise_product(factors, bn).normalize()

In [47]:
elimination_ask('Burglary', dict(JohnCalls=True, MaryCalls=True), burglary).show_approx()


Out[47]:
'False: 0.716, True: 0.284'

Runtime comparison

Let's see how the runtimes of these two algorithms compare. We expect variable elimination to outperform enumeration by a large margin as we reduce the number of repetitive calculations significantly.


In [48]:
%%timeit
enumeration_ask('Burglary', dict(JohnCalls=True, MaryCalls=True), burglary).show_approx()


367 µs ± 126 µs per loop (mean ± std. dev. of 7 runs, 1000 loops each)

In [49]:
%%timeit
elimination_ask('Burglary', dict(JohnCalls=True, MaryCalls=True), burglary).show_approx()


241 µs ± 64.6 µs per loop (mean ± std. dev. of 7 runs, 1000 loops each)

We observe that variable elimination was faster than enumeration as we had expected but the gain in speed is not a lot, in fact it is just about 30% faster.
This happened because the bayesian network in question is pretty small, with just 5 nodes, some of which aren't even required in the inference process. For more complicated networks, variable elimination will be significantly faster and runtime will reduce not just by a constant factor, but by a polynomial factor proportional to the number of nodes, due to the reduction in repeated calculations.

Approximate Inference in Bayesian Networks

Exact inference fails to scale for very large and complex Bayesian Networks. This section covers implementation of randomized sampling algorithms, also called Monte Carlo algorithms.


In [50]:
psource(BayesNode.sample)


    def sample(self, event):
        """Sample from the distribution for this variable conditioned
        on event's values for parent_variables. That is, return True/False
        at random according with the conditional probability given the
        parents."""
        return probability(self.p(True, event))

Before we consider the different algorithms in this section let us look at the BayesNode.sample method. It samples from the distribution for this variable conditioned on event's values for parent_variables. That is, return True/False at random according to with the conditional probability given the parents. The probability function is a simple helper from utils module which returns True with the probability passed to it.

Prior Sampling

The idea of Prior Sampling is to sample from the Bayesian Network in a topological order. We start at the top of the network and sample as per P(Xi | parents(Xi) i.e. the probability distribution from which the value is sampled is conditioned on the values already assigned to the variable's parents. This can be thought of as a simulation.


In [52]:
psource(prior_sample)


def prior_sample(bn):
    """Randomly sample from bn's full joint distribution. The result
    is a {variable: value} dict. [Figure 14.13]"""
    event = {}
    for node in bn.nodes:
        event[node.variable] = node.sample(event)
    return event

The function prior_sample implements the algorithm described in Figure 14.13 of the book. Nodes are sampled in the topological order. The old value of the event is passed as evidence for parent values. We will use the Bayesian Network in Figure 14.12 to try out the prior_sample

Traversing the graph in topological order is important. There are two possible topological orderings for this particular directed acyclic graph.

  1. Cloudy -> Sprinkler -> Rain -> Wet Grass
  2. Cloudy -> Rain -> Sprinkler -> Wet Grass

    We can follow any of the two orderings to sample from the network. Any ordering other than these two, however, cannot be used.
    One way to think about this is that Cloudy can be seen as a precondition of both Rain and Sprinkler and just like we have seen in planning, preconditions need to be satisfied before a certain action can be executed.
    We store the samples on the observations. Let us find P(Rain=True) by taking 1000 random samples from the network.

In [52]:
N = 1000
all_observations = [prior_sample(sprinkler) for x in range(N)]

Now we filter to get the observations where Rain = True


In [53]:
rain_true = [observation for observation in all_observations if observation['Rain'] == True]

Finally, we can find P(Rain=True)


In [54]:
answer = len(rain_true) / N
print(answer)


0.496

Sampling this another time might give different results as we have no control over the distribution of the random samples


In [55]:
N = 1000
all_observations = [prior_sample(sprinkler) for x in range(N)]
rain_true = [observation for observation in all_observations if observation['Rain'] == True]
answer = len(rain_true) / N
print(answer)


0.503

To evaluate a conditional distribution. We can use a two-step filtering process. We first separate out the variables that are consistent with the evidence. Then for each value of query variable, we can find probabilities. For example to find P(Cloudy=True | Rain=True). We have already filtered out the values consistent with our evidence in rain_true. Now we apply a second filtering step on rain_true to find P(Rain=True and Cloudy=True)


In [56]:
rain_and_cloudy = [observation for observation in rain_true if observation['Cloudy'] == True]
answer = len(rain_and_cloudy) / len(rain_true)
print(answer)


0.8091451292246521

Rejection Sampling

Rejection Sampling is based on an idea similar to what we did just now. First, it generates samples from the prior distribution specified by the network. Then, it rejects all those that do not match the evidence.
Rejection sampling is advantageous only when we know the query beforehand. While prior sampling generally works for any query, it might fail in some scenarios.
Let's say we have a generic Bayesian network and we have evidence e, and we want to know how many times a state A is true, given evidence e is true. Normally, prior sampling can answer this question, but let's assume that the probability of evidence e being true in our actual probability distribution is very small. In this situation, it might be possible that sampling never encounters a data-point where e is true. If our sampled data has no instance of e being true, P(e) = 0, and therefore P(A | e) / P(e) = 0/0, which is undefined. We cannot find the required value using this sample.
We can definitely increase the number of sample points, but we can never guarantee that we will encounter the case where e is non-zero (assuming our actual probability distribution has atleast one case where e is true). To guarantee this, we would have to consider every single data point, which means we lose the speed advantage that approximation provides us and we essentially have to calculate the exact inference model of the Bayesian network.

Rejection sampling will be useful in this situation, as we already know the query.
While sampling from the network, we will reject any sample which is inconsistent with the evidence variables of the given query (in this example, the only evidence variable is e). We will only consider samples that do not violate any of the evidence variables. In this way, we will have enough data with the required evidence to infer queries involving a subset of that evidence.

The function rejection_sampling implements the algorithm described by Figure 14.14


In [57]:
psource(rejection_sampling)


def rejection_sampling(X, e, bn, N):
    """Estimate the probability distribution of variable X given
    evidence e in BayesNet bn, using N samples.  [Figure 14.14]
    Raises a ZeroDivisionError if all the N samples are rejected,
    i.e., inconsistent with e.
    >>> random.seed(47)
    >>> rejection_sampling('Burglary', dict(JohnCalls=T, MaryCalls=T),
    ...   burglary, 10000).show_approx()
    'False: 0.7, True: 0.3'
    """
    counts = {x: 0 for x in bn.variable_values(X)}  # bold N in [Figure 14.14]
    for j in range(N):
        sample = prior_sample(bn)  # boldface x in [Figure 14.14]
        if consistent_with(sample, e):
            counts[sample[X]] += 1
    return ProbDist(X, counts)

The function keeps counts of each of the possible values of the Query variable and increases the count when we see an observation consistent with the evidence. It takes in input parameters X - The Query Variable, e - evidence, bn - Bayes net and N - number of prior samples to generate.

consistent_with is used to check consistency.


In [58]:
psource(consistent_with)


def consistent_with(event, evidence):
    """Is event consistent with the given evidence?"""
    return all(evidence.get(k, v) == v
               for k, v in event.items())

To answer P(Cloudy=True | Rain=True)


In [59]:
p = rejection_sampling('Cloudy', dict(Rain=True), sprinkler, 1000)
p[True]


Out[59]:
0.7660377358490567

Likelihood Weighting

Rejection sampling takes a long time to run when the probability of finding consistent evidence is low. It is also slow for larger networks and more evidence variables. Rejection sampling tends to reject a lot of samples if our evidence consists of a large number of variables. Likelihood Weighting solves this by fixing the evidence (i.e. not sampling it) and then using weights to make sure that our overall sampling is still consistent.

The pseudocode in Figure 14.15 is implemented as likelihood_weighting and weighted_sample.


In [60]:
psource(weighted_sample)


def weighted_sample(bn, e):
    """Sample an event from bn that's consistent with the evidence e;
    return the event and its weight, the likelihood that the event
    accords to the evidence."""
    w = 1
    event = dict(e)  # boldface x in [Figure 14.15]
    for node in bn.nodes:
        Xi = node.variable
        if Xi in e:
            w *= node.p(e[Xi], event)
        else:
            event[Xi] = node.sample(event)
    return event, w

weighted_sample samples an event from Bayesian Network that's consistent with the evidence e and returns the event and its weight, the likelihood that the event accords to the evidence. It takes in two parameters bn the Bayesian Network and e the evidence.

The weight is obtained by multiplying P(xi | parents(xi)) for each node in evidence. We set the values of event = evidence at the start of the function.


In [61]:
weighted_sample(sprinkler, dict(Rain=True))


Out[61]:
({'Cloudy': True, 'Rain': True, 'Sprinkler': False, 'WetGrass': True}, 0.8)

In [62]:
psource(likelihood_weighting)


def likelihood_weighting(X, e, bn, N):
    """Estimate the probability distribution of variable X given
    evidence e in BayesNet bn.  [Figure 14.15]
    >>> random.seed(1017)
    >>> likelihood_weighting('Burglary', dict(JohnCalls=T, MaryCalls=T),
    ...   burglary, 10000).show_approx()
    'False: 0.702, True: 0.298'
    """
    W = {x: 0 for x in bn.variable_values(X)}
    for j in range(N):
        sample, weight = weighted_sample(bn, e)  # boldface x, w in [Figure 14.15]
        W[sample[X]] += weight
    return ProbDist(X, W)

likelihood_weighting implements the algorithm to solve our inference problem. The code is similar to rejection_sampling but instead of adding one for each sample we add the weight obtained from weighted_sampling.


In [63]:
likelihood_weighting('Cloudy', dict(Rain=True), sprinkler, 200).show_approx()


Out[63]:
'False: 0.194, True: 0.806'

Gibbs Sampling

In likelihood sampling, it is possible to obtain low weights in cases where the evidence variables reside at the bottom of the Bayesian Network. This can happen because influence only propagates downwards in likelihood sampling.

Gibbs Sampling solves this. The implementation of Figure 14.16 is provided in the function gibbs_ask


In [64]:
psource(gibbs_ask)


def gibbs_ask(X, e, bn, N):
    """[Figure 14.16]"""
    assert X not in e, "Query variable must be distinct from evidence"
    counts = {x: 0 for x in bn.variable_values(X)}  # bold N in [Figure 14.16]
    Z = [var for var in bn.variables if var not in e]
    state = dict(e)  # boldface x in [Figure 14.16]
    for Zi in Z:
        state[Zi] = random.choice(bn.variable_values(Zi))
    for j in range(N):
        for Zi in Z:
            state[Zi] = markov_blanket_sample(Zi, state, bn)
            counts[state[X]] += 1
    return ProbDist(X, counts)

In gibbs_ask we initialize the non-evidence variables to random values. And then select non-evidence variables and sample it from P(Variable | value in the current state of all remaining vars) repeatedly sample. In practice, we speed this up by using markov_blanket_sample instead. This works because terms not involving the variable get canceled in the calculation. The arguments for gibbs_ask are similar to likelihood_weighting


In [65]:
gibbs_ask('Cloudy', dict(Rain=True), sprinkler, 200).show_approx()


Out[65]:
'False: 0.175, True: 0.825'

Runtime analysis

Let's take a look at how much time each algorithm takes.


In [66]:
%%timeit
all_observations = [prior_sample(sprinkler) for x in range(1000)]
rain_true = [observation for observation in all_observations if observation['Rain'] == True]
len([observation for observation in rain_true if observation['Cloudy'] == True]) / len(rain_true)


11.4 ms ± 4.1 ms per loop (mean ± std. dev. of 7 runs, 100 loops each)

In [67]:
%%timeit
rejection_sampling('Cloudy', dict(Rain=True), sprinkler, 1000)


8.63 ms ± 272 µs per loop (mean ± std. dev. of 7 runs, 100 loops each)

In [68]:
%%timeit
likelihood_weighting('Cloudy', dict(Rain=True), sprinkler, 200)


1.96 ms ± 696 µs per loop (mean ± std. dev. of 7 runs, 1000 loops each)

In [69]:
%%timeit
gibbs_ask('Cloudy', dict(Rain=True), sprinkler, 200)


7.03 ms ± 117 µs per loop (mean ± std. dev. of 7 runs, 100 loops each)

As expected, all algorithms have a very similar runtime. However, rejection sampling would be a lot faster and more accurate when the probabiliy of finding data-points consistent with the required evidence is small.
Likelihood weighting is the fastest out of all as it doesn't involve rejecting samples, but also has a quite high variance.

HIDDEN MARKOV MODELS

Often, we need to carry out probabilistic inference on temporal data or a sequence of observations where the order of observations matter. We require a model similar to a Bayesian Network, but one that grows over time to keep up with the latest evidences. If you are familiar with the mdp module or Markov models in general, you can probably guess that a Markov model might come close to representing our problem accurately.
A Markov model is basically a chain-structured Bayesian Network in which there is one state for each time step and each node has an identical probability distribution. The first node, however, has a different distribution, called the prior distribution which models the initial state of the process. A state in a Markov model depends only on the previous state and the latest evidence and not on the states before it.
A Hidden Markov Model or HMM is a special case of a Markov model in which the state of the process is described by a single discrete random variable. The possible values of the variable are the possible states of the world.
But what if we want to model a process with two or more state variables? In that case, we can still fit the process into the HMM framework by redefining our state variables as a single "megavariable". We do this because carrying out inference on HMMs have standard optimized algorithms. A HMM is very similar to an MDP, but we don't have the option of taking actions like in MDPs, instead, the process carries on as new evidence appears.
If a HMM is truncated at a fixed length, it becomes a Bayesian network and general BN inference can be used on it to answer queries.

Before we start, it will be helpful to understand the structure of a temporal model. We will use the example of the book with the guard and the umbrella. In this example, the state $\textbf{X}$ is whether it is a rainy day (X = True) or not (X = False) at Day $\textbf{t}$. In the sensor or observation model, the observation or evidence $\textbf{U}$ is whether the professor holds an umbrella (U = True) or not (U = False) on Day $\textbf{t}$. Based on that, the transition model is

$X_{t-1}$ $X_{t}$ P$(X_{t} X_{t-1})$
${False}$ ${False}$ 0.7
${False}$ ${True}$ 0.3
${True}$ ${False}$ 0.3
${True}$ ${True}$ 0.7

And the the sensor model will be,

$X_{t}$ $U_{t}$ P$(U_{t} X_{t})$
${False}$ ${True}$ 0.2
${False}$ ${False}$ 0.8
${True}$ ${True}$ 0.9
${True}$ ${False}$ 0.1

HMMs are implemented in the HiddenMarkovModel class. Let's have a look.


In [70]:
psource(HiddenMarkovModel)


class HiddenMarkovModel:
    """A Hidden markov model which takes Transition model and Sensor model as inputs"""

    def __init__(self, transition_model, sensor_model, prior=None):
        self.transition_model = transition_model
        self.sensor_model = sensor_model
        self.prior = prior or [0.5, 0.5]

    def sensor_dist(self, ev):
        if ev is True:
            return self.sensor_model[0]
        else:
            return self.sensor_model[1]

We instantiate the object hmm of the class using a list of lists for both the transition and the sensor model.


In [71]:
umbrella_transition_model = [[0.7, 0.3], [0.3, 0.7]]
umbrella_sensor_model = [[0.9, 0.2], [0.1, 0.8]]
hmm = HiddenMarkovModel(umbrella_transition_model, umbrella_sensor_model)

The sensor_dist() method returns a list with the conditional probabilities of the sensor model.


In [72]:
hmm.sensor_dist(ev=True)


Out[72]:
[0.9, 0.2]

Now that we have defined an HMM object, our task here is to compute the belief $B_{t}(x)= P(X_{t}|U_{1:t})$ given evidence U at each time step t.
The basic inference tasks that must be solved are:

  1. Filtering: Computing the posterior probability distribution over the most recent state, given all the evidence up to the current time step.
  2. Prediction: Computing the posterior probability distribution over the future state.
  3. Smoothing: Computing the posterior probability distribution over a past state. Smoothing provides a better estimation as it incorporates more evidence.
  4. Most likely explanation: Finding the most likely sequence of states for a given observation
  5. Learning: The transition and sensor models can be learnt, if not yet known, just like in an information gathering agent

There are three primary methods to carry out inference in Hidden Markov Models:

  1. The Forward-Backward algorithm
  2. Fixed lag smoothing
  3. Particle filtering

Let's have a look at how we can carry out inference and answer queries based on our umbrella HMM using these algorithms.

FORWARD-BACKWARD

This is a general algorithm that works for all Markov models, not just HMMs. In the filtering task (inference) we are given evidence U in each time t and we want to compute the belief $B_{t}(x)= P(X_{t}|U_{1:t})$. We can think of it as a three step process:

  1. In every step we start with the current belief $P(X_{t}|e_{1:t})$
  2. We update it for time
  3. We update it for evidence

The forward algorithm performs the step 2 and 3 at once. It updates, or better say reweights, the initial belief using the transition and the sensor model. Let's see the umbrella example. On Day 0 no observation is available, and for that reason we will assume that we have equal possibilities to rain or not. In the HiddenMarkovModel class, the prior probabilities for Day 0 are by default [0.5, 0.5].

The observation update is calculated with the forward() function. Basically, we update our belief using the observation model. The function returns a list with the probabilities of raining or not on Day 1.


In [73]:
psource(forward)


def forward(HMM, fv, ev):
    prediction = vector_add(scalar_vector_product(fv[0], HMM.transition_model[0]),
                            scalar_vector_product(fv[1], HMM.transition_model[1]))
    sensor_dist = HMM.sensor_dist(ev)

    return normalize(element_wise_product(sensor_dist, prediction))

In [74]:
umbrella_prior = [0.5, 0.5]
belief_day_1 = forward(hmm, umbrella_prior, ev=True)
print ('The probability of raining on day 1 is {:.2f}'.format(belief_day_1[0]))


The probability of raining on day 1 is 0.82

In Day 2 our initial belief is the updated belief of Day 1. Again using the forward() function we can compute the probability of raining in Day 2


In [75]:
belief_day_2 = forward(hmm, belief_day_1, ev=True)
print ('The probability of raining in day 2 is {:.2f}'.format(belief_day_2[0]))


The probability of raining in day 2 is 0.88

In the smoothing part we are interested in computing the distribution over past states given evidence up to the present. Assume that we want to compute the distribution for the time k, for $0\leq k<t $, the computation can be divided in two parts:

  1. The forward message will be computed till and by filtering forward from 1 to k.
  2. The backward message can be computed by a recusive process that runs from k to t.

Rather than starting at time 1, the algorithm starts at time t. In the umbrella example, we can compute the backward message from Day 2 to Day 1 by using the backward function. The backward function has as parameters the object created by the HiddenMarkovModel class, the evidence in Day 2 (in our case is True), and the initial probabilities of being in state in time t+1. Since no observation is available then it will be [1, 1]. The backward function will return a list with the conditional probabilities.


In [76]:
psource(backward)


def backward(HMM, b, ev):
    sensor_dist = HMM.sensor_dist(ev)
    prediction = element_wise_product(sensor_dist, b)

    return normalize(vector_add(scalar_vector_product(prediction[0], HMM.transition_model[0]),
                                scalar_vector_product(prediction[1], HMM.transition_model[1])))

In [77]:
b = [1, 1]
backward(hmm, b, ev=True)


Out[77]:
[0.6272727272727272, 0.37272727272727274]

Some may notice that the result is not the same as in the book. The main reason is that in the book the normalization step is not used. If we want to normalize the result, one can use the normalize() helper function.

In order to find the smoothed estimate for raining in Day k, we will use the forward_backward() function. As in the example in the book, the umbrella is observed in both days and the prior distribution is [0.5, 0.5]


In [78]:
pseudocode('Forward-Backward')


Out[78]:

AIMA3e

function FORWARD-BACKWARD(ev, prior) returns a vector of probability distributions
inputs: ev, a vector of evidence values for steps 1,…,t
     prior, the prior distribution on the initial state, P(X0)
local variables: fv, a vector of forward messages for steps 0,…,t
        b, a representation of the backward message, initially all 1s
        sv, a vector of smoothed estimates for steps 1,…,t

fv[0] ← prior
for i = 1 to t do
   fv[i] ← FORWARD(fv[i − 1], ev[i])
for i = t downto 1 do
   sv[i] ← NORMALIZE(fv[i] × b)
   b ← BACKWARD(b, ev[i])
return sv


Figure ?? The forward-backward algorithm for smoothing: computing posterior probabilities of a sequence of states given a sequence of observations. The FORWARD and BACKWARD operators are defined by Equations (??) and (??), respectively.


In [80]:
umbrella_prior = [0.5, 0.5]
prob = forward_backward(hmm, ev=[T, T], prior=umbrella_prior)
print ('The probability of raining in Day 0 is {:.2f} and in Day 1 is {:.2f}'.format(prob[0][0], prob[1][0]))


The probability of raining in Day 0 is 0.65 and in Day 1 is 0.88

Since HMMs are represented as single variable systems, we can represent the transition model and sensor model as matrices. The forward_backward algorithm can be easily carried out on this representation (as we have done here) with a time complexity of $O({S}^{2} t)$ where t is the length of the sequence and each step multiplies a vector of size $S$ with a matrix of dimensions $SxS$.
Additionally, the forward pass stores $t$ vectors of size $S$ which makes the auxiliary space requirement equivalent to $O(St)$.

Is there any way we can improve the time or space complexity?
Fortunately, the matrix representation of HMM properties allows us to do so.
If $f$ and $b$ represent the forward and backward messages respectively, we can modify the smoothing algorithm by first running the standard forward pass to compute $f_{t:t}$ (forgetting all the intermediate results) and then running backward pass for both $b$ and $f$ together, using them to compute the smoothed estimate at each step. This optimization reduces auxlilary space requirement to constant (irrespective of the length of the sequence) provided the transition matrix is invertible and the sensor model has no zeros (which is sometimes hard to accomplish)

Let's look at another algorithm, that carries out smoothing in a more optimized way.

FIXED LAG SMOOTHING

The matrix formulation allows to optimize online smoothing with a fixed lag.
Since smoothing can be done in constant, there should exist an algorithm whose time complexity is independent of the length of the lag. For smoothing a time slice $t - d$ where $d$ is the lag, we need to compute $\alpha f_{1:t-d}$ x $b_{t-d+1:t}$ incrementally.
As we already know, the forward equation is
$$f_{1:t+1} = \alpha O_{t+1}{T}^{T}f_{1:t}$$
and the backward equation is
$$b_{k+1:t} = TO_{k+1}b_{k+2:t}$$
where $T$ and $O$ are the transition and sensor models respectively.
For smoothing, the forward message is easy to compute but there exists no simple relation between the backward message of this time step and the one at the previous time step, hence we apply the backward equation $d$ times to get
$$b_{t-d+1:t} = \left ( \prod_{i=t-d+1}^{t}{TO_i} \right )b_{t+1:t} = B_{t-d+1:t}1$$
where $B_{t-d+1:t}$ is the product of the sequence of $T$ and $O$ matrices.
Here's how the probability module implements fixed_lag_smoothing.


In [81]:
psource(fixed_lag_smoothing)


def fixed_lag_smoothing(e_t, HMM, d, ev, t):
    """[Figure 15.6]
    Smoothing algorithm with a fixed time lag of 'd' steps.
    Online algorithm that outputs the new smoothed estimate if observation
    for new time step is given."""
    ev.insert(0, None)

    T_model = HMM.transition_model
    f = HMM.prior
    B = [[1, 0], [0, 1]]
    evidence = []

    evidence.append(e_t)
    O_t = vector_to_diagonal(HMM.sensor_dist(e_t))
    if t > d:
        f = forward(HMM, f, e_t)
        O_tmd = vector_to_diagonal(HMM.sensor_dist(ev[t - d]))
        B = matrix_multiplication(inverse_matrix(O_tmd), inverse_matrix(T_model), B, T_model, O_t)
    else:
        B = matrix_multiplication(B, T_model, O_t)
    t += 1

    if t > d:
        # always returns a 1x2 matrix
        return [normalize(i) for i in matrix_multiplication([f], B)][0]
    else:
        return None

This algorithm applies forward as usual and optimizes the smoothing step by using the equations above. This optimization could be achieved only because HMM properties can be represented as matrices.
vector_to_diagonal, matrix_multiplication and inverse_matrix are matrix manipulation functions to simplify the implementation.
normalize is used to normalize the output before returning it.

Here's how we can use fixed_lag_smoothing for inference on our umbrella HMM.


In [82]:
umbrella_transition_model = [[0.7, 0.3], [0.3, 0.7]]
umbrella_sensor_model = [[0.9, 0.2], [0.1, 0.8]]
hmm = HiddenMarkovModel(umbrella_transition_model, umbrella_sensor_model)

Given evidence T, F, T, F and T, we want to calculate the probability distribution for the fourth day with a fixed lag of 2 days.
Let e_t = False


In [83]:
e_t = F
evidence = [T, F, T, F, T]
fixed_lag_smoothing(e_t, hmm, d=2, ev=evidence, t=4)


Out[83]:
[0.1111111111111111, 0.8888888888888888]

In [84]:
e_t = T
evidence = [T, T, F, T, T]
fixed_lag_smoothing(e_t, hmm, d=1, ev=evidence, t=4)


Out[84]:
[0.9938650306748466, 0.006134969325153394]

We cannot calculate probability distributions when $t$ is less than $d$


In [85]:
fixed_lag_smoothing(e_t, hmm, d=5, ev=evidence, t=4)

As expected, the output is None

PARTICLE FILTERING

The filtering problem is too expensive to solve using the previous methods for problems with large or continuous state spaces. Particle filtering is a method that can solve the same problem but when the state space is a lot larger, where we wouldn't be able to do these computations in a reasonable amount of time as fast, as time goes by, and we want to keep track of things as they happen.
The downside is that it is a sampling method and hence isn't accurate, but the more samples we're willing to take, the more accurate we'd get.
In this method, instead of keping track of the probability distribution, we will drop particles in a similar proportion at the required regions. The internal representation of this distribution is usually a list of particles with coordinates in the state-space. A particle is just a new name for a sample.

Particle filtering can be divided into four steps:

  1. Initialization: If we have some idea about the prior probability distribution, we drop the initial particles accordingly, or else we just drop them uniformly over the state space.

  2. Forward pass: As time goes by and measurements come in, we are going to move the selected particles into the grid squares that makes the most sense in terms of representing the distribution that we are trying to track. When time goes by, we just loop through all our particles and try to simulate what could happen to each one of them by sampling its next position from the transition model. This is like prior sampling - samples' frequencies reflect the transition probabilities. If we have enough samples we are pretty close to exact values. We work through the list of particles, one particle at a time, all we do is stochastically simulate what the outcome might be. If we had no dimension of time, and we had no new measurements come in, this would be exactly the same as what we did in prior sampling.

  3. Reweight: As observations come in, don't sample the observations, fix them and downweight the samples based on the evidence just like in likelihood weighting. $$w(x) = P(e/x)$$ $$B(X) \propto P(e/X)B'(X)$$
    As before, the probabilities don't sum to one, since most have been downweighted. They sum to an approximation of $P(e)$. To normalize the resulting distribution, we can divide by $P(e)$
    Likelihood weighting wasn't the best thing for Bayesian networks, because we were not accounting for the incoming evidence so we were getting samples from the prior distribution, in some sense not the right distribution, so we might end up with a lot of particles with low weights. These samples were very uninformative and the way we fixed it then was by using Gibbs sampling. Theoretically, Gibbs sampling can be run on a HMM, but as we iterated over the process infinitely many times in a Bayesian network, we cannot do that here as we have new incoming evidence and we also need computational cycles to propagate through time.
    A lot of samples with very low weight and they are not representative of the actual probability distribution. So if we keep running likelihood weighting, we keep propagating the samples with smaller weights and carry out computations for that even though these samples have no significant contribution to the actual probability distribution. Which is why we require this last step.

  4. Resample: Rather than tracking weighted samples, we resample. We choose from our weighted sample distribution as many times as the number of particles we initially had and we replace these particles too, so that we have a constant number of particles. This is equivalent to renormalizing the distribution. The samples with low weight are rarely chosen in the new distribution after resampling. This newer set of particles after resampling is in some sense more representative of the actual distribution and so we are better allocating our computational cycles. Now the update is complete for this time step, continue with the next one.


Let's see how this is implemented in the module.


In [86]:
psource(particle_filtering)


def particle_filtering(e, N, HMM):
    """Particle filtering considering two states variables."""
    dist = [0.5, 0.5]
    # Weight Initialization
    w = [0 for _ in range(N)]
    # STEP 1
    # Propagate one step using transition model given prior state
    dist = vector_add(scalar_vector_product(dist[0], HMM.transition_model[0]),
                      scalar_vector_product(dist[1], HMM.transition_model[1]))
    # Assign state according to probability
    s = ['A' if probability(dist[0]) else 'B' for _ in range(N)]
    w_tot = 0
    # Calculate importance weight given evidence e
    for i in range(N):
        if s[i] == 'A':
            # P(U|A)*P(A)
            w_i = HMM.sensor_dist(e)[0] * dist[0]
        if s[i] == 'B':
            # P(U|B)*P(B)
            w_i = HMM.sensor_dist(e)[1] * dist[1]
        w[i] = w_i
        w_tot += w_i

    # Normalize all the weights
    for i in range(N):
        w[i] = w[i] / w_tot

    # Limit weights to 4 digits
    for i in range(N):
        w[i] = float("{0:.4f}".format(w[i]))

    # STEP 2

    s = weighted_sample_with_replacement(N, s, w)

    return s

Here, scalar_vector_product and vector_add are helper functions to help with vector math and weighted_sample_with_replacement resamples from a weighted sample and replaces the original sample, as is obvious from the name.
This implementation considers two state variables with generic names 'A' and 'B'.

Here's how we can use particle_filtering on our umbrella HMM, though it doesn't make much sense using particle filtering on a problem with such a small state space. It is just to get familiar with the syntax.


In [87]:
umbrella_transition_model = [[0.7, 0.3], [0.3, 0.7]]
umbrella_sensor_model = [[0.9, 0.2], [0.1, 0.8]]
hmm = HiddenMarkovModel(umbrella_transition_model, umbrella_sensor_model)

In [88]:
particle_filtering(T, 10, hmm)


Out[88]:
['A', 'A', 'A', 'A', 'B', 'A', 'B', 'B', 'B', 'B']

We got 5 samples from state A and 5 samples from state B


In [89]:
particle_filtering([F, T, F, F, T], 10, hmm)


Out[89]:
['A', 'B', 'B', 'B', 'B', 'B', 'B', 'B', 'A', 'B']

This time we got 2 samples from state A and 8 samples from state B

Comparing runtimes for these algorithms will not be useful, as each solves the filtering task efficiently for a different scenario.
forward_backward calculates the exact probability distribution.
fixed_lag_smoothing calculates an approximate distribution and its runtime will depend on the value of the lag chosen.
particle_filtering is an efficient method for approximating distributions for a very large or continuous state space.

MONTE CARLO LOCALIZATION

In the domain of robotics, particle filtering is used for robot localization. Localization is the problem of finding out where things are, in this case, we want to find the position of a robot in a continuous state space.
Monte Carlo Localization is an algorithm for robots to localize using a particle filter. Given a map of the environment, the algorithm estimates the position and orientation of a robot as it moves and senses the environment.
Initially, particles are distributed uniformly over the state space, ie the robot has no information of where it is and assumes it is equally likely to be at any point in space.
When the robot moves, it analyses the incoming evidence to shift and change the probability to better approximate the probability distribution of its position. The particles are then resampled based on their weights.
Gradually, as more evidence comes in, the robot gets better at approximating its location and the particles converge towards the actual position of the robot.
The pose of a robot is defined by its two Cartesian coordinates with values $x$ and $y$ and its direction with value $\theta$. We use the kinematic equations of motion to model a deterministic state prediction. This is our motion model (or transition model).
Next, we need a sensor model. There can be two kinds of sensor models, the first assumes that the sensors detect stable, recognizable features of the environment called landmarks. The robot senses the location and bearing of each landmark and updates its belief according to that. We can also assume the noise in measurements to be Gaussian, to simplify things.
Another kind of sensor model is used for an array of range sensors, each of which has a fixed bearing relative to the robot. These sensors provide a set of range values in each direction. This will also be corrupted by Gaussian noise, but we can assume that the errors for different beam directions are independent and identically distributed.
After evidence comes in, the robot updates its belief state and reweights the particle distribution to better aproximate the actual distribution.

Let's have a look at how this algorithm is implemented in the module


In [90]:
psource(monte_carlo_localization)


def monte_carlo_localization(a, z, N, P_motion_sample, P_sensor, m, S=None):
    """Monte Carlo localization algorithm from Fig 25.9"""

    def ray_cast(sensor_num, kin_state, m):
        return m.ray_cast(sensor_num, kin_state)

    M = len(z)
    W = [0]*N
    S_ = [0]*N
    W_ = [0]*N
    v = a['v']
    w = a['w']

    if S is None:
        S = [m.sample() for _ in range(N)]

    for i in range(N):
        S_[i] = P_motion_sample(S[i], v, w)
        W_[i] = 1
        for j in range(M):
            z_ = ray_cast(j, S_[i], m)
            W_[i] = W_[i] * P_sensor(z[j], z_)

    S = weighted_sample_with_replacement(N, S_, W_)
    return S

Our implementation of Monte Carlo Localization uses the range scan method. The ray_cast helper function casts rays in different directions and stores the range values.
a stores the v and w components of the robot's velocity.
z is a range scan.
P_motion_sample is the motion or transition model.
P_sensor is the range sensor noise model.
m is the 2D map of the environment
S is a vector of samples of size N

We'll now define a simple 2D map to run Monte Carlo Localization on.
Let's say this is the map we want


In [91]:
m = MCLmap([[0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 1, 0, 0, 1, 0],
            [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 1, 0, 1, 1, 0],
            [1, 1, 1, 1, 1, 1, 1, 1, 0, 0, 1, 1, 1, 0, 1, 1, 0],
            [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 1, 0, 1, 1, 0],
            [0, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0, 1, 1, 0],
            [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 1, 0, 1, 1, 0],
            [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 1, 0, 1, 1, 0],
            [0, 0, 1, 1, 1, 1, 1, 0, 0, 0, 1, 1, 1, 0, 1, 1, 0],
            [0, 0, 1, 1, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0],
            [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 0],
            [0, 0, 1, 1, 1, 1, 1, 0, 0, 0, 1, 1, 1, 0, 0, 1, 0]])

heatmap(m.m, cmap='binary')


Let's define the motion model as a function P_motion_sample.


In [92]:
def P_motion_sample(kin_state, v, w):
    """Sample from possible kinematic states.
    Returns from a single element distribution (no uncertainity in motion)"""
    pos = kin_state[:2]
    orient = kin_state[2]

    # for simplicity the robot first rotates and then moves
    orient = (orient + w)%4
    for _ in range(orient):
        v = (v[1], -v[0])
    pos = vector_add(pos, v)
    return pos + (orient,)

Define the sensor model as a function P_sensor.


In [93]:
def P_sensor(x, y):
    """Conditional probability for sensor reading"""
    # Need not be exact probability. Can use a scaled value.
    if x == y:
        return 0.8
    elif abs(x - y) <= 2:
        return 0.05
    else:
        return 0

Initializing variables.


In [94]:
a = {'v': (0, 0), 'w': 0}
z = (2, 4, 1, 6)

Let's run monte_carlo_localization with these parameters to find a sample distribution S.


In [95]:
S = monte_carlo_localization(a, z, 1000, P_motion_sample, P_sensor, m)

Let's plot the values in the sample distribution S.


In [96]:
grid = [[0]*17 for _ in range(11)]
for x, y, _ in S:
    if 0 <= x < 11 and 0 <= y < 17:
        grid[x][y] += 1
print("GRID:")
print_table(grid)
heatmap(grid, cmap='Oranges')


GRID:
 0   0    9    41   123    12    1   0   0   0   0   0   0   0   0   0   0
 0   0    0     0     2   107   56   4   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     5     4     9    2   0   0   0   0   0   0   0   0   0   0
 1   0    0     0     0     0    0   0   0   0   0   0   0   0   0   0   0
 0   0   10   260   135     5    0   0   0   0   0   0   0   0   0   0   0
 0   0    0     0     5    34   50   0   0   0   0   0   0   0   0   0   0
79   4    0     0     0     0    0   0   0   0   0   0   0   0   0   0   0
26   0    0     0     0     0    0   1   0   0   0   0   0   0   0   0   0
 0   0    0     3     2    10    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

The distribution is highly concentrated at (5, 3), but the robot is not very confident about its position as some other cells also have high probability values.

Let's look at another scenario.


In [97]:
a = {'v': (0, 1), 'w': 0}
z = (2, 3, 5, 7)
S = monte_carlo_localization(a, z, 1000, P_motion_sample, P_sensor, m, S)
grid = [[0]*17 for _ in range(11)]
for x, y, _ in S:
    if 0 <= x < 11 and 0 <= y < 17:
        grid[x][y] += 1
print("GRID:")
print_table(grid)
heatmap(grid, cmap='Oranges')


GRID:
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   1   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   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   0   0   0   0     0   0   0   0   0   0   0   0   0   0
0   0   0   0   0   0   0   999   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   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   0   0   0   0   0     0   0   0   0   0   0   0   0   0   0

In this case, the robot is 99.9% certain that it is at position (6, 7).

DECISION THEORETIC AGENT

We now move into the domain of probabilistic decision making.
To make choices between different possible plans in a certain situation in a given environment, an agent must have preference between the possible outcomes of the various plans.
Utility theory is used to represent and reason with preferences. The agent prefers states with a higher utility. While constructing multi-agent systems, one major element in the design is the mechanism the agents use for making decisions about which actions to adopt in order to achieve their goals. What is usually required is a mechanism which ensures that the actions adopted lead to benefits for both individual agents, and the community of which they are part. The utility of a state is relative to an agent.
Preferences, as expressed by utilities, are combined with probabilities in the general theory of rational decisions called decision theory.
An agent is said to be rational if and only if it chooses the action that yields the highest expected utility, averaged over all the possible outcomes of the action.

Here we'll see how a decision-theoretic agent is implemented in the module.


In [98]:
psource(DTAgentProgram)


def DTAgentProgram(belief_state):
    """A decision-theoretic agent. [Figure 13.1]"""
    def program(percept):
        belief_state.observe(program.action, percept)
        program.action = argmax(belief_state.actions(),
                                key=belief_state.expected_outcome_utility)
        return program.action
    program.action = None
    return program

The DTAgentProgram function is pretty self-explanatory.
It encapsulates a function program that takes in an observation or a percept, updates its belief_state and returns the action that maximizes the expected_outcome_utility.

INFORMATION GATHERING AGENT

Before we discuss what an information gathering agent is, we'll need to know what decision networks are. For an agent in an environment, a decision network represents information about the agent's current state, its possible actions, the state that will result from the agent's action, and the utility of that state. Decision networks have three primary kinds of nodes which are:

  1. Chance nodes: These represent random variables, just like in Bayesian networks.
  2. Decision nodes: These represent points where the decision-makes has a choice between different actions and the decision maker tries to find the optimal decision at these nodes with regard to the cost, safety and resulting utility.
  3. Utility nodes: These represent the agent's utility function. A description of the agent's utility as a function is associated with a utility node.

    To evaluate a decision network, we do the following:
  4. Initialize the evidence variables according to the current state.
  5. Calculate posterior probabilities for each possible value of the decision node and calculate the utility resulting from that action.
  6. Return the action with the highest utility.
    Let's have a look at the implementation of the DecisionNetwork class.

In [99]:
psource(DecisionNetwork)


class DecisionNetwork(BayesNet):
    """An abstract class for a decision network as a wrapper for a BayesNet.
    Represents an agent's current state, its possible actions, reachable states
    and utilities of those states."""

    def __init__(self, action, infer):
        """action: a single action node
        infer: the preferred method to carry out inference on the given BayesNet"""
        super(DecisionNetwork, self).__init__()
        self.action = action
        self.infer = infer

    def best_action(self):
        """Return the best action in the network"""
        return self.action

    def get_utility(self, action, state):
        """Return the utility for a particular action and state in the network"""
        raise NotImplementedError

    def get_expected_utility(self, action, evidence):
        """Compute the expected utility given an action and evidence"""
        u = 0.0
        prob_dist = self.infer(action, evidence, self).prob
        for item, _ in prob_dist.items():
            u += prob_dist[item] * self.get_utility(action, item)

        return u

The DecisionNetwork class inherits from BayesNet and has a few extra helper methods.
best_action returns the best action in the network.
get_utility is an abstract method which is supposed to return the utility of a particular action and state in the network.
get_expected_utility computes the expected utility, given an action and evidence.

Before we proceed, we need to know a few more terms.
Having perfect information refers to a state of being fully aware of the current state, the cost functions and the outcomes of actions. This in turn allows an agent to find the exact utility value of each state. If an agent has perfect information about the environment, maximum expected utility calculations are exact and can be computed with absolute certainty.
In decision theory, the value of perfect information (VPI) is the price that an agent would be willing to pay in order to gain access to perfect information. VPI calculations are extensively used to calculate expected utilities for nodes in a decision network.
For a random variable $E_j$ whose value is currently unknown, the value of discovering $E_j$, given current information $e$ must average over all possible values $e_{jk}$ that we might discover for $E_j$, using our current beliefs about its value. The VPI of $E_j$ is then given by:

$$VPI_e(E_j) = \left(\sum_{k}P(E_j=e_{jk}\ |\ e) EU(\alpha_{e_{jk}}\ |\ e, E_j=e_{jk})\right) - EU(\alpha\ |\ e)$$
VPI is non-negative, non-additive and order-indepentent.

An information gathering agent is an agent with certain properties that explores decision networks as and when required with heuristics driven by VPI calculations of nodes. A sensible agent should ask questions in a reasonable order, should avoid asking irrelevant questions, should take into account the importance of each piece of information in relation to its cost and should stop asking questions when that is appropriate. VPI is used as the primary heuristic to consider all these points in an information gathering agent as the agent ultimately wants to maximize the utility and needs to find the optimal cost and extent of finding the required information.
As an overview, an information gathering agent works by repeatedly selecting the observations with the highest information value, until the cost of the next observation is greater than its expected benefit.
The InformationGatheringAgent class is an abstract class that inherits from Agent and works on the principles discussed above. Let's have a look.


In [100]:
psource(InformationGatheringAgent)


class InformationGatheringAgent(Agent):
    """A simple information gathering agent. The agent works by repeatedly selecting
    the observation with the highest information value, until the cost of the next
    observation is greater than its expected benefit. [Figure 16.9]"""

    def __init__(self, decnet, infer, initial_evidence=None):
        """decnet: a decision network
        infer: the preferred method to carry out inference on the given decision network
        initial_evidence: initial evidence"""
        self.decnet = decnet
        self.infer = infer
        self.observation = initial_evidence or []
        self.variables = self.decnet.nodes

    def integrate_percept(self, percept):
        """Integrate the given percept into the decision network"""
        raise NotImplementedError

    def execute(self, percept):
        """Execute the information gathering algorithm"""
        self.observation = self.integrate_percept(percept)
        vpis = self.vpi_cost_ratio(self.variables)
        j = argmax(vpis)
        variable = self.variables[j]

        if self.vpi(variable) > self.cost(variable):
            return self.request(variable)

        return self.decnet.best_action()

    def request(self, variable):
        """Return the value of the given random variable as the next percept"""
        raise NotImplementedError

    def cost(self, var):
        """Return the cost of obtaining evidence through tests, consultants or questions"""
        raise NotImplementedError

    def vpi_cost_ratio(self, variables):
        """Return the VPI to cost ratio for the given variables"""
        v_by_c = []
        for var in variables:
            v_by_c.append(self.vpi(var) / self.cost(var))
        return v_by_c

    def vpi(self, variable):
        """Return VPI for a given variable"""
        vpi = 0.0
        prob_dist = self.infer(variable, self.observation, self.decnet).prob
        for item, _ in prob_dist.items():
            post_prob = prob_dist[item]
            new_observation = list(self.observation)
            new_observation.append(item)
            expected_utility = self.decnet.get_expected_utility(variable, new_observation)
            vpi += post_prob * expected_utility

        vpi -= self.decnet.get_expected_utility(variable, self.observation)
        return vpi

The cost method is an abstract method that returns the cost of obtaining the evidence through tests, consultants, questions or any other means.
The request method returns the value of the given random variable as the next percept.
The vpi_cost_ratio method returns a list of VPI divided by cost for each variable in the variables list provided to it.
The vpi method calculates the VPI for a given variable
And finally, the execute method executes the general information gathering algorithm, as described in figure 16.9 in the book.
Our agent implements a form of information gathering that is called myopic as the VPI formula is used shortsightedly here. It calculates the value of information as if only a single evidence variable will be acquired. This is similar to greedy search, where we do not look at the bigger picture and aim for local optimizations to hopefully reach the global optimum. This often works well in practice but a myopic agent might hastily take an action when it would have been better to request more variables before taking an action. A conditional plan, on the other hand might work better for some scenarios.

With this we conclude this notebook.