Welcome to PyEHM’s documentation!

PyEHM is an open-source python package that includes implementations of the Efficient Hypothesis Management (EHM) Algorithms described in [EHM1], [EHM2] and covered by the patent [EHMPAT].

EHM1

Maskell, S., Briers, M. and Wright, R., 2004, August. Fast mutual exclusion. In Signal and Data Processing of Small Targets 2004 (Vol. 5428, pp. 526-536). International Society for Optics and Photonics

EHM2

Horridge, P. and Maskell, S., 2006, July. Real-time tracking of hundreds of targets with efficient exact JPDAF implementation. In 2006 9th International Conference on Information Fusion (pp. 1-8). IEEE

EHMPAT

Maskell, S., 2003, July. Signal Processing with Reduced Combinatorial Complexity. Patent Reference:0315349.1

Installation

Install via pip

You can install the latest release of PyEHM on PyPI by using:

python -m pip install pyehm

Install from source

To install the latest version from the GitHub repository:

python -m pip install git+https://github.com/sglvladi/pyehm#egg=pyehm

Development

If you are looking to carry out development on PyEHM, you should first clone from GitHub and install with development dependencies by doing the following:

git clone "https://github.com/sglvladi/pyehm"
cd pyehm
python -m pip install -e .[dev]

API Reference

Core API

The core components of PyEHM are the EHM and EHM2 classes, that constitute implementations of the EHM [EHM1] and EHM2 [EHM2] algorithms for data association.

The interfaces of these classes are documented below.

class pyehm.core.EHM[source]

Efficient Hypothesis Management (EHM)

An implementation of the EHM algorithm, as documented in [EHM1].

static construct_net(validation_matrix)[source]

Construct the EHM net as per Section 3.1 of [EHM1]

Parameters

validation_matrix (numpy.ndarray) – An indicator matrix of shape (num_tracks, num_detections + 1) indicating the possible (aka. valid) associations between tracks and detections. The first column corresponds to the null hypothesis (hence contains all ones).

Returns

The constructed net object

Return type

EHMNet

static compute_association_probabilities(net, likelihood_matrix)[source]

Compute the joint association weights, as described in Section 3.3 of [EHM1]

Parameters
  • net (EHMNet) – A net object representing the valid joint association hypotheses

  • likelihood_matrix (numpy.ndarray) – A matrix of shape (num_tracks, num_detections + 1) containing the unnormalised likelihoods for all combinations of tracks and detections. The first column corresponds to the null hypothesis.

Returns

A matrix of shape (num_tracks, num_detections + 1) containing the normalised association probabilities for all combinations of tracks and detecrtons. The first column corresponds to the null hypothesis.

Return type

numpy.ndarray

classmethod run(validation_matrix, likelihood_matrix)[source]

Run EHM to compute and return association probabilities

Parameters
  • validation_matrix (numpy.ndarray) – An indicator matrix of shape (num_tracks, num_detections + 1) indicating the possible (aka. valid) associations between tracks and detections. The first column corresponds to the null hypothesis (hence contains all ones).

  • likelihood_matrix (numpy.ndarray) – A matrix of shape (num_tracks, num_detections + 1) containing the unnormalised likelihoods for all combinations of tracks and detections. The first column corresponds to the null hypothesis.

Returns

A matrix of shape (num_tracks, num_detections + 1) containing the normalised association probabilities for all combinations of tracks and detections. The first column corresponds to the null hypothesis.

Return type

numpy.ndarray

class pyehm.core.EHM2[source]

Bases: pyehm.core.EHM

Efficient Hypothesis Management 2 (EHM2)

An implementation of the EHM2 algorithm, as documented in [EHM2].

classmethod construct_net(validation_matrix)[source]

Construct the EHM net as per Section 4 of [EHM2]

Parameters

validation_matrix (numpy.ndarray) – An indicator matrix of shape (num_tracks, num_detections + 1) indicating the possible (aka. valid) associations between tracks and detections. The first column corresponds to the null hypothesis (hence contains all ones).

Returns

The constructed net object

Return type

EHMNet

Raises

ValueError – If the provided validation_matrix is such that tracks can be divided into separate clusters. See the Note below for work-around.

Note

If the provided validation_matrix is such that tracks can be divided into separate clusters, this method will raise a ValueError exception. To work-around this issue, you can use the gen_clusters() function to first generate individual clusters and then generate a net for each cluster, as shown below:

from pyehm.core import EHM2
from pyehm.utils import gen_clusters

validation_matrix = <Your validation matrix>

clusters, _ = gen_clusters(validation_matrix)

nets = []
for cluster in clusters:
    nets.append(EHM2.construct_net(cluster.validation_matrix)
static construct_tree(validation_matrix)[source]

Construct the EHM2 tree as per section 4.3 of [EHM2]

Parameters

validation_matrix (numpy.ndarray) – An indicator matrix of shape (num_tracks, num_detections + 1) indicating the possible (aka. valid) associations between tracks and detections. The first column corresponds to the null hypothesis (hence contains all ones).

Returns

The constructed tree object

Return type

EHM2Tree

Raises

ValueError – If the provided validation_matrix is such that tracks can be divided into separate clusters. See the Note below for work-around.

Note

If the provided validation_matrix is such that tracks can be divided into separate clusters, this method will raise a ValueError exception. To work-around this issue, you can use the gen_clusters() function to first generate individual clusters and then generate a tree for each cluster, as shown below:

from pyehm.core import EHM2
from pyehm.utils import gen_clusters

validation_matrix = <Your validation matrix>

clusters, _ = gen_clusters(validation_matrix)

trees = []
for cluster in clusters:
    trees.append(EHM2.construct_tree(cluster.validation_matrix)
static compute_association_probabilities(net, likelihood_matrix)[source]

Compute the joint association weights, as described in Section 4.2 of [EHM2]

Parameters
  • net (EHMNet) – A net object representing the valid joint association hypotheses

  • likelihood_matrix (numpy.ndarray) – A matrix of shape (num_tracks, num_detections + 1) containing the unnormalised likelihoods for all combinations of tracks and detections. The first column corresponds to the null hypothesis.

Returns

A matrix of shape (num_tracks, num_detections + 1) containing the normalised association probabilities for all combinations of tracks and detecrtons. The first column corresponds to the null hypothesis.

Return type

numpy.ndarray

classmethod run(validation_matrix, likelihood_matrix)

Run EHM to compute and return association probabilities

Parameters
  • validation_matrix (numpy.ndarray) – An indicator matrix of shape (num_tracks, num_detections + 1) indicating the possible (aka. valid) associations between tracks and detections. The first column corresponds to the null hypothesis (hence contains all ones).

  • likelihood_matrix (numpy.ndarray) – A matrix of shape (num_tracks, num_detections + 1) containing the unnormalised likelihoods for all combinations of tracks and detections. The first column corresponds to the null hypothesis.

Returns

A matrix of shape (num_tracks, num_detections + 1) containing the normalised association probabilities for all combinations of tracks and detections. The first column corresponds to the null hypothesis.

Return type

numpy.ndarray

Utils API

The pyehm.utils module contains helper classes and functions used by pyehm.core.

class pyehm.utils.EHMNetNode(layer, identity=None)[source]

A node in the EHMNet constructed by EHM.

Parameters
  • layer (int) – Index of the network layer in which the node is placed. Since a different layer in the network is built for each track, this also represented the index of the track this node relates to.

  • identity (set of int) – The identity of the node. As per Section 3.1 of [EHM1], “the identity for each node is an indication of how measurement assignments made for tracks already considered affect assignments for tracks remaining to be considered”.

class pyehm.utils.EHM2NetNode(layer, track=None, subnet=0, identity=None)[source]

Bases: pyehm.utils.EHMNetNode

A node in the EHMNet constructed by EHM2.

Parameters
  • layer (int) – Index of the network layer in which the node is placed.

  • track (int) – Index of track this node relates to.

  • subnet (int) – Index of subnet to which the node belongs.

  • identity (set of int) – The identity of the node. As per Section 3.1 of [EHM1], “the identity for each node is an indication of how measurement assignments made for tracks already considered affect assignments for tracks remaining to be considered”.

class pyehm.utils.EHMNet(nodes, validation_matrix, edges=None)[source]

Represents the nets constructed by EHM and EHM2.

Parameters
  • nodes (list of EHMNetNode or EHM2NetNode) – The nodes comprising the net.

  • validation_matrix (numpy.ndarray) – An indicator matrix of shape (num_tracks, num_detections + 1) indicating the possible (aka. valid) associations between tracks and detections. The first column corresponds to the null hypothesis (hence contains all ones).

  • edges (dict) – A dictionary that represents the edges between nodes in the network. The dictionary keys are tuples of the form `(parent, child)`, where `parent` and `child` are the source and target nodes respectively. The values of the dictionary are the measurement indices that describe the parent-child relationship.

property root: Union[pyehm.utils.EHMNetNode, pyehm.utils.EHM2NetNode]

The root node of the net.

property num_nodes: int

Number of nodes in the net

property num_layers: int

Number of layers in the net

property nodes: Union[List[pyehm.utils.EHMNetNode], List[pyehm.utils.EHM2NetNode]]

The nodes comprising the net

property nodes_forward: Union[Sequence[pyehm.utils.EHMNetNode], Sequence[pyehm.utils.EHM2NetNode]]

The net nodes, ordered by increasing layer

property nx_graph: networkx.classes.graph.Graph

A NetworkX representation of the net. Mainly used for plotting the net.

add_node(node: Union[pyehm.utils.EHMNetNode, pyehm.utils.EHM2NetNode], parent: Union[pyehm.utils.EHMNetNode, pyehm.utils.EHM2NetNode], detection: int)[source]

Add a new node in the network.

Parameters
add_edge(parent: Union[pyehm.utils.EHMNetNode, pyehm.utils.EHM2NetNode], child: Union[pyehm.utils.EHMNetNode, pyehm.utils.EHM2NetNode], detection: int)[source]

Add edge between two nodes, or update an already existing edge by adding the detection to it.

Parameters
  • parent (EHMNetNode or EHM2NetNode) – The parent node, i.e. the source of the edge.

  • child (EHMNetNode or EHM2NetNode) – The child node, i.e. the target of the edge.

  • detection (int) – Index of measurement representing the parent child relationship.

get_parents(node: Union[pyehm.utils.EHMNetNode, pyehm.utils.EHM2NetNode]) Union[Sequence[pyehm.utils.EHMNetNode], Sequence[pyehm.utils.EHM2NetNode]][source]

Get the parents of a node.

Parameters

node (EHMNetNode or EHM2NetNode) – The node whose parents should be returned

Returns

List of parent nodes

Return type

list of EHMNetNode or EHM2NetNode

get_children(node: Union[pyehm.utils.EHMNetNode, pyehm.utils.EHM2NetNode]) Union[Sequence[pyehm.utils.EHMNetNode], Sequence[pyehm.utils.EHM2NetNode]][source]

Get the children of a node.

Parameters

node (EHMNetNode or EHM2NetNode) – The node whose children should be returned

Returns

List of child nodes

Return type

list of EHMNetNode or EHM2NetNode

plot(ax: Optional[matplotlib.axes._axes.Axes] = None, annotate=True)[source]

Plot the net.

Parameters
  • ax (matplotlib.axes.Axes) – Axes on which to plot the net

  • annotate (bool) – Flag that dictates whether or not to draw node and edge labels on the plotted net. The default is True

class pyehm.utils.EHM2Tree(track, children, detections, subtree)[source]

Represents the track tree structure generated by construct_tree().

The EHM2Tree object represents both a tree as well as the root node in the tree.

Parameters
  • track (int) – The index of the track represented by the root node of the tree

  • children (list of EHM2Tree) – Sub-trees that are children of the current tree

  • detections (set of int) – Set of accumulated detections

  • subtree (int) – Index of subtree the current tree belongs to.

property depth: int

The depth of the tree

property nodes: List[pyehm.utils.EHM2Tree]

The nodes/subtrees in the tree

property nx_graph: networkx.classes.graph.Graph

A NetworkX representation of the tree. Mainly used for plotting the tree.

plot(ax: Optional[matplotlib.axes._axes.Axes] = None)[source]

Plot the tree.

Parameters

ax (matplotlib.axes.Axes) – Axes on which to plot the tree

class pyehm.utils.Cluster(tracks=None, detections=None, validation_matrix=None, likelihood_matrix=None)[source]

A cluster of tracks sharing common detections.

Parameters
  • tracks (list of int) – Indices of tracks in cluster

  • detections (list of int) – Indices of detections in cluster

  • validation_matrix (numpy.ndarray) – The validation matrix for tracks and detections in the cluster

  • likelihood_matrix (numpy.ndarray) – The likelihood matrix for tracks and detections in the cluster

pyehm.utils.gen_clusters(validation_matrix, likelihood_matrix=None)[source]

Cluster tracks into groups sharing detections

Parameters
  • validation_matrix (numpy.ndarray) – An indicator matrix of shape (num_tracks, num_detections + 1) indicating the possible (aka. valid) associations between tracks and detections. The first column corresponds to the null hypothesis (hence contains all ones).

  • likelihood_matrix (numpy.ndarray) – A matrix of shape (num_tracks, num_detections + 1) containing the unnormalised likelihoods for all combinations of tracks and detections. The first column corresponds to the null hypothesis. The default is None, in which case the likelihood matrices of the generated clusters will also be None.

Returns

  • list of Cluster objects – A list of Cluster objects, where each cluster contains the indices of the rows (tracks) and columns (detections) pertaining to the cluster

  • list of int – A list of row (track) indices that have not been associated to any detections

Plugins

Stone Soup

class pyehm.plugins.stonesoup.JPDAWithEHM(hypothesiser: stonesoup.hypothesiser.probability.PDAHypothesiser)[source]

Bases: stonesoup.dataassociator.probability.JPDA

Joint Probabilistic Data Association with Efficient Hypothesis Management (EHM)

This is a faster alternative of the standard JPDA algorithm, which makes use of Efficient Hypothesis Management (EHM) to efficiently compute the joint associations. See Maskell et al. (2004) [EHM1] for more details.

associate(tracks, detections, timestamp, **kwargs)[source]

Associate tracks and detections

Parameters
Returns

Mapping of track to Hypothesis

Return type

mapping of stonesoup.types.track.Track : stonesoup.types.hypothesis.Hypothesis

class pyehm.plugins.stonesoup.JPDAWithEHM2(hypothesiser: stonesoup.hypothesiser.probability.PDAHypothesiser)[source]

Bases: pyehm.plugins.stonesoup.JPDAWithEHM

Joint Probabilistic Data Association with Efficient Hypothesis Management 2 (EHM2)

This is an enhanced version of the JPDAWithEHM algorithm, that makes use of the Efficient Hypothesis Management 2 (EHM2) algorithm to efficiently compute the joint associations. See Horridge et al. (2006) [EHM2] for more details.

associate(tracks, detections, timestamp, **kwargs)

Associate tracks and detections

Parameters
Returns

Mapping of track to Hypothesis

Return type

mapping of stonesoup.types.track.Track : stonesoup.types.hypothesis.Hypothesis

Examples

Basic Example

Basic Example

Basic Example
Standard JPDA vs EHM vs EHM2

Standard JPDA vs EHM vs EHM2

Standard JPDA vs EHM vs EHM2

Basic Example

import numpy as np

Formulating the possible associations between targets and measurements

Both EHM and EHM2 operate on a validation_matrix and a likelihood_matrix. The validation_matrix is an indicator matrix that represents the possible associations between different targets and measurements, while the likelihood_matrix contains the respective likelihoods/probabilities of these associations. Both matrices have a shape (N_T, N_M+1), where N_T is the number of targets and N_M is the numer of measurements.

For example, assume we have the following scenario of 4 targets and 4 measurements (taken from Section 4.4 of [EHM2]):

Target index

Gated measurement indices

0

0, 1

1

0, 1, 2, 3

2

0, 1, 2

3

0, 3, 4

where the null measurement hypothesis is given the index of 0. Then the validation_matrix would be a (4, 5) numpy array of the following form:

validation_matrix = np.array([[1, 1, 0, 0, 0],   # 0 -> 0,1
                              [1, 1, 1, 1, 0],   # 1 -> 0,1,2,3
                              [1, 1, 1, 0, 0],   # 2 -> 0,1,2
                              [1, 0, 0, 1, 1]])  # 3 -> 0,3,4

The likelihood_matrix is such that each element likelihood_matrix[i, j] contains the respective likelihood of target i being associated to measurement j. Therefore, based on the above example, the likelihood_matrix could be the following:

likelihood_matrix = np.array([[0.1, 0.9, 0, 0, 0],
                              [0.1, 0.3, 0.2, 0.4, 0],
                              [0.7, 0.1, 0.2, 0, 0],
                              [0.2, 0, 0, 0.75, 0.05]])

Computing joint association probabilities

Based on the above, we can use EHM or EHM2 to compute the joint association probabilities matrix assoc_matrix as follows:

from pyehm.core import EHM, EHM2

assoc_matrix_ehm = EHM.run(validation_matrix, likelihood_matrix)
print('assoc_matrix_ehm =\n {}\n'.format(assoc_matrix_ehm))
# or
assoc_matrix_ehm2 = EHM2.run(validation_matrix, likelihood_matrix)
print('assoc_matrix_ehm2 =\n {}'.format(assoc_matrix_ehm2))
assoc_matrix_ehm =
 [[0.17948718 0.82051282 0.         0.         0.        ]
 [0.25925926 0.07692308 0.4045584  0.25925926 0.        ]
 [0.85754986 0.01139601 0.13105413 0.         0.        ]
 [0.35555556 0.         0.         0.55555556 0.08888889]]

assoc_matrix_ehm2 =
 [[0.17948718 0.82051282 0.         0.         0.        ]
 [0.25925926 0.07692308 0.4045584  0.25925926 0.        ]
 [0.85754986 0.01139601 0.13105413 0.         0.        ]
 [0.35555556 0.         0.         0.55555556 0.08888889]]

Note that both EHM and EHM2 should produce the same results, although EHM2 should, in principle, be significantly faster for large numbers of targets and measurements.

# Check if the probability matrices produced by EHM and EHM2 are equal
print(np.allclose(assoc_matrix_ehm, assoc_matrix_ehm2))
True

Total running time of the script: ( 0 minutes 0.071 seconds)

Gallery generated by Sphinx-Gallery

Standard JPDA vs EHM vs EHM2

Both EHM and EHM2 provide an exact solution to the problem posed by the Joint Probabilistic Data Association (JPDA) algorithm. However, even though in the naive implementation JPDA the number of hypotheses, and as a direct consequence the time required to evaluate these, increases exponentially with number of targets and measurements, EHM and EHM2 produce results in sub-exponential time.

Problem formulation

In this example we will be comparing the computational performance of the EHM and EHM2, against a naive implementation of JPDA, for a relatively dense scenario of 11 targets and 9 measurements. The validation and likelihood matrices for this scenario are defined below (For more information on how these matrices are defined, see the Basic Example):

import itertools
import datetime
import numpy as np

from pyehm.core import EHM, EHM2

validation_matrix = np.array([[1, 1, 1, 0, 1, 0, 1, 1, 0, 0],   # 0  -> 0,1,2,4,6,7
                              [1, 1, 0, 1, 1, 1, 1, 1, 0, 0],   # 1  -> 0,1,3,4,5,6,7
                              [1, 1, 0, 1, 0, 1, 1, 1, 1, 0],   # 2  -> 0,1,3,5,6,7,8
                              [1, 1, 1, 1, 0, 0, 1, 1, 0, 1],   # 3  -> 0,1,2,3,6,7,9
                              [1, 0, 1, 1, 0, 0, 0, 0, 1, 0],   # 4  -> 0,2,3,8
                              [1, 1, 1, 0, 0, 1, 1, 1, 1, 0],   # 5  -> 0,1,2,5,6,7,8
                              [1, 1, 0, 0, 0, 1, 1, 0, 1, 1],   # 6  -> 0,1,5,6,8,9
                              [1, 1, 1, 0, 0, 0, 0, 0, 0, 0],   # 7  -> 0,1,2
                              [1, 0, 0, 1, 1, 1, 1, 1, 1, 0],   # 8  -> 0,3,4,5,6,7,8
                              [1, 0, 0, 0, 1, 0, 1, 1, 1, 0],   # 9  -> 0,4,6,7,8
                              [1, 0, 1, 0, 0, 0, 0, 0, 0, 1]])  # 10 -> 0,2,9

likelihood_matrix = np.array([[0.9, 0.13, 0.1, 0, 0.97, 0, 0.94, 0.55, 0, 0],
                              [0.55, 0.31, 0, 0.61, 0.27, 0.38, 0.34, 0.58, 0, 0],
                              [0.61, 0.55, 0, 0.32, 0, 0.25, 0.8, 0.94, 0.62, 0],
                              [0.45, 0.53, 0.61, 0.19, 0, 0, 0.95, 0.61, 0, 0.17],
                              [0.67, 0, 0.79, 0.99, 0, 0, 0, 0, 0.71, 0],
                              [0.51, 0.37, 0.04, 0, 0, 0.53, 0.92, 0.44, 0.95, 0],
                              [0.31, 0.03, 0, 0, 0, 0.08, 0.68, 0, 0.04, 0.31],
                              [0.23, 0.09, 0.21, 0, 0, 0, 0, 0, 0, 0],
                              [0.62, 0, 0, 0.19, 0.17, 0.31, 0.69, 0.89, 0.63, 0],
                              [0.44, 0, 0, 0, 0.53, 0, 0.49, 0.01, 0.31, 0],
                              [0.32, 0, 0.56, 0, 0, 0, 0, 0, 0, 0.23]])

EHM vs EHM 2

It is worth noticing that in the above example, targets 7 and 10 are conditionally independent of targets 8 and 9, given target 6. This is because targets 7 and 10 share a common measurement (2), but do not share any measurements with targets 8 or 9, which in turn have common measurements (4, 6, 7, 8). Yet, all of them share measurements with target 6.

This is important since EHM2 takes advantage of this conditional independence to reduce the number of nodes in the constructed net and, as a result, achieve better computational performance than EHM.

To better understand the above, let us examine the number of nodes in the nets produced by the two algorithms:

# Net constructed using EHM
net1 = EHM.construct_net(validation_matrix)

# Net constructed using EHM2
net2 = EHM2.construct_net(validation_matrix)

print('No. of nodes in EHM net: {}'.format(net1.num_nodes))
print('No. of nodes in EHM2 net: {}'.format(net2.num_nodes))
No. of nodes in EHM net: 2050
No. of nodes in EHM2 net: 1317

Standard JPDA

Below we define the function jpda that computes the joint association probabilities based on the standard JPDA recursion, which performs a full enumeration of all the joint hypotheses.

def jpda(validation_matrix, likelihood_matrix):
    num_tracks, num_detections = validation_matrix.shape

    possible_assoc = list()
    for track in range(num_tracks):
        track_possible_assoc = list()
        v_detections = np.flatnonzero(validation_matrix[track, :])
        for detection in v_detections:
            track_possible_assoc.append((track, detection))
        possible_assoc.append(track_possible_assoc)

    # Compute all possible joint hypotheses
    joint_hyps = itertools.product(*possible_assoc)

    # Compute valid joint hypotheses
    valid_joint_hypotheses = (joint_hypothesis for joint_hypothesis in joint_hyps if is_valid_hyp(joint_hypothesis))

    # Compute likelihood for valid joint hypotheses
    valid_joint_hypotheses_lik = dict()
    for joint_hyp in valid_joint_hypotheses:
        lik = 1
        # The likelihood of a joint hypothesis is the product of the likelihoods of its member hypotheses
        for hyp in joint_hyp:
            track = hyp[0]
            detection = hyp[1]
            lik *= likelihood_matrix[track, detection]
        valid_joint_hypotheses_lik[joint_hyp] = lik

    # Compute the joint association probabilities
    assoc_matrix = np.zeros((num_tracks, num_detections))
    for track in range(num_tracks):
        v_detections = np.flatnonzero(validation_matrix[track, :])
        for detection in v_detections:
            # The joint assoc. probability for a track-detection hypothesis is the sum of the likelihoods of all
            # joint hypotheses that include this hypothesis
            prob = np.sum([lik for hyp, lik in valid_joint_hypotheses_lik.items() if (track, detection) in hyp])
            assoc_matrix[track, detection] = prob
        # Normalise
        assoc_matrix[track, :] /= np.sum(assoc_matrix[track, :])

    return assoc_matrix


def is_valid_hyp(joint_hyp):
    used_detections = set()
    for hyp in joint_hyp:
        detection = hyp[1]
        if not detection:
            pass
        elif detection in used_detections:
            return False
        else:
            used_detections.add(detection)
    return True

Comparison

Now we can compare the above against EHM and EHM2, both in terms of accuracy and computation time. The accuracy comparison is just a safe-guard check to make sure that EHM and EHM2 produce the same result as the standard JPDA.

# EHM
now = datetime.datetime.now()
assoc_matrix_ehm = EHM.run(validation_matrix, likelihood_matrix)
dt_ehm = datetime.datetime.now() - now

# EHM2
now = datetime.datetime.now()
assoc_matrix_ehm2 = EHM2.run(validation_matrix, likelihood_matrix)
dt_ehm2 = datetime.datetime.now() - now

# Standard JPDA
now = datetime.datetime.now()
assoc_matrix_jpda = jpda(validation_matrix, likelihood_matrix)
dt_jpda = datetime.datetime.now() - now

# Check if all results are the same
print(np.allclose(assoc_matrix_jpda, assoc_matrix_ehm, atol=1e-15)
      and np.allclose(assoc_matrix_jpda, assoc_matrix_ehm2, atol=1e-15))

# Compare the execution times
print('JPDA: {} seconds'.format(dt_jpda.total_seconds()))
print('EHM: {} seconds'.format(dt_ehm.total_seconds()))
print('EHM2: {} seconds'.format(dt_ehm2.total_seconds()))
True
JPDA: 127.102514 seconds
EHM: 0.232843 seconds
EHM2: 0.159956 seconds

The above results demonstrate the advantages of using the EHM and EHM2 classes over the standard JPDA. Both the EHM and EHM2 algorithms exhibit significant computational gains compared to the standard JPDA, all while producing exactly the same results. We can also observe that EHM2 is noticeably faster than EHM.

Total running time of the script: ( 2 minutes 7.652 seconds)

Gallery generated by Sphinx-Gallery

Gallery generated by Sphinx-Gallery

License

PyEHM is licenced under Eclipse Public License 2.0. See License for more details.

This software is the property of QinetiQ Limited and any requests for use of the software for commercial use or other use outside of the Eclipse Public Licence should be made to QinetiQ Limited.

The current QinetiQ contact is Richard Lane (rlane1 [at] qinetiq [dot] com).