1
0
Fork 0

Merge pull request #6 from pietroepis/trajectory-generation

Trajectory generation
master
AlessandroBregoli 3 years ago committed by GitHub
commit f696b1063f
No known key found for this signature in database
GPG Key ID: 4AEE18F83AFDEB23
  1. 10
      .gitignore
  2. 3
      PyCTBN/PyCTBN/estimators/parameters_estimator.py
  3. 8
      PyCTBN/PyCTBN/structure_graph/conditional_intensity_matrix.py
  4. 130
      PyCTBN/PyCTBN/structure_graph/network_generator.py
  5. 13
      PyCTBN/PyCTBN/structure_graph/set_of_cims.py
  6. 179
      PyCTBN/PyCTBN/structure_graph/trajectory_generator.py
  7. 42
      PyCTBN/PyCTBN/utility/abstract_exporter.py
  8. 75
      PyCTBN/PyCTBN/utility/json_exporter.py
  9. 8
      PyCTBN/PyCTBN/utility/json_importer.py
  10. 9
      PyCTBN/tests/structure_graph/test_cim.py
  11. 39
      PyCTBN/tests/structure_graph/test_networkgenerator.py
  12. 9
      PyCTBN/tests/structure_graph/test_setofcims.py
  13. 58
      PyCTBN/tests/structure_graph/test_trajectorygenerator.py
  14. 6
      PyCTBN/tests/utility/test_cache.py
  15. 28
      PyCTBN/tests/utility/test_json_exporter.py
  16. 16
      docs-out/PyCTBN.PyCTBN.structure_graph.rst
  17. 16
      docs-out/PyCTBN.PyCTBN.utility.rst
  18. 17
      docs-out/PyCTBN.rst
  19. 16
      docs-out/PyCTBN.tests.structure_graph.rst
  20. 7
      docs-out/example.rst
  21. 5
      docs-out/modules.rst
  22. 4
      docs/.buildinfo
  23. BIN
      docs/.doctrees/PyCTBN.PyCTBN.doctree
  24. BIN
      docs/.doctrees/PyCTBN.PyCTBN.estimators.doctree
  25. BIN
      docs/.doctrees/PyCTBN.PyCTBN.optimizers.doctree
  26. BIN
      docs/.doctrees/PyCTBN.PyCTBN.structure_graph.doctree
  27. BIN
      docs/.doctrees/PyCTBN.PyCTBN.utility.doctree
  28. BIN
      docs/.doctrees/PyCTBN.doctree
  29. BIN
      docs/.doctrees/PyCTBN.tests.doctree
  30. BIN
      docs/.doctrees/PyCTBN.tests.estimators.doctree
  31. BIN
      docs/.doctrees/PyCTBN.tests.optimizers.doctree
  32. BIN
      docs/.doctrees/PyCTBN.tests.structure_graph.doctree
  33. BIN
      docs/.doctrees/PyCTBN.tests.utility.doctree
  34. BIN
      docs/.doctrees/basic_main.doctree
  35. BIN
      docs/.doctrees/environment.pickle
  36. BIN
      docs/.doctrees/example.doctree
  37. BIN
      docs/.doctrees/examples.doctree
  38. BIN
      docs/.doctrees/index.doctree
  39. BIN
      docs/.doctrees/modules.doctree
  40. BIN
      docs/.doctrees/setup.doctree
  41. 138
      docs/PyCTBN.PyCTBN.estimators.html
  42. 14
      docs/PyCTBN.PyCTBN.html
  43. 42
      docs/PyCTBN.PyCTBN.optimizers.html
  44. 407
      docs/PyCTBN.PyCTBN.structure_graph.html
  45. 150
      docs/PyCTBN.PyCTBN.utility.html
  46. 60
      docs/PyCTBN.html
  47. 81
      docs/PyCTBN.tests.estimators.html
  48. 20
      docs/PyCTBN.tests.html
  49. 10
      docs/PyCTBN.tests.optimizers.html
  50. 243
      docs/PyCTBN.tests.structure_graph.html
  51. 134
      docs/PyCTBN.tests.utility.html
  52. 16
      docs/_sources/PyCTBN.PyCTBN.structure_graph.rst.txt
  53. 16
      docs/_sources/PyCTBN.PyCTBN.utility.rst.txt
  54. 17
      docs/_sources/PyCTBN.rst.txt
  55. 16
      docs/_sources/PyCTBN.tests.structure_graph.rst.txt
  56. 7
      docs/_sources/example.rst.txt
  57. 5
      docs/_sources/modules.rst.txt
  58. 108
      docs/_static/basic.css
  59. 9
      docs/_static/doctools.js
  60. 6
      docs/_static/language_data.js
  61. 10
      docs/_static/pygments.css
  62. 30
      docs/_static/searchtools.js
  63. 2042
      docs/_static/underscore-1.13.1.js
  64. 37
      docs/_static/underscore.js
  65. 10
      docs/basic_main.html
  66. 188
      docs/example.html
  67. 10
      docs/examples.html
  68. 260
      docs/genindex.html
  69. 14
      docs/index.html
  70. 69
      docs/modules.html
  71. BIN
      docs/objects.inv
  72. 55
      docs/py-modindex.html
  73. 10
      docs/search.html
  74. 2
      docs/searchindex.js
  75. 10
      docs/setup.html

10
.gitignore vendored

@ -5,5 +5,13 @@ __pycache__
**/PyCTBN.egg-info
**/results_data
**/.scannerwork
**/build
test.py
test_1.py
test1.json
test2.json
test3.json
result0.png
example.json
test_time.py
.idea

@ -36,7 +36,8 @@ class ParametersEstimator(object):
"""
p_vals = self._net_graph._aggregated_info_about_nodes_parents[2]
node_states_number = self._net_graph.get_states_number(node_id)
self._single_set_of_cims = SetOfCims(node_id, p_vals, node_states_number, self._net_graph.p_combs)
self._single_set_of_cims = SetOfCims(node_id = node_id, parents_states_number = p_vals,
node_states_number = node_states_number, p_combs = self._net_graph.p_combs)
def compute_parameters_for_node(self, node_id: str) -> SetOfCims:
"""Compute the CIMS of the node identified by the label ``node_id``.

@ -14,12 +14,16 @@ class ConditionalIntensityMatrix(object):
:type state_transition_matrix: numpy.ndArray
:_cim: the actual cim of the node
"""
def __init__(self, state_residence_times: np.array, state_transition_matrix: np.array):
def __init__(self, state_residence_times: np.array = None, state_transition_matrix: np.array = None,
cim: np.array = None):
"""Constructor Method
"""
self._state_residence_times = state_residence_times
self._state_transition_matrix = state_transition_matrix
self._cim = self.state_transition_matrix.astype(np.float64)
if cim is not None:
self._cim = cim
else:
self._cim = self.state_transition_matrix.astype(np.float64)
def compute_cim_coefficients(self) -> None:
"""Compute the coefficients of the matrix _cim by using the following equality q_xx' = M[x, x'] / T[x].

@ -0,0 +1,130 @@
from .structure import Structure
from .network_graph import NetworkGraph
from .conditional_intensity_matrix import ConditionalIntensityMatrix
from .set_of_cims import SetOfCims
import numpy as np
import pandas as pd
import random
class NetworkGenerator(object):
"""Provides the methods to generate a network graph and the CIMs related to it
Items in _labels, _vals and _indxs are related, and therefore respect the same order
:param _labels: List of variables labels that will be part of the network
:type _labels: List
:param _vals: List of cardinalities of the variables in network (defined in the same order as _labels)
:type _vals: List
:param _indxs: List of the nodes indexes
:type _indxs: List
:param _cims: It contains, for each variable label (the key), the SetOfCims object related to it
:type _cims: Dict
:param _graph: The NetworkGraph object representing the generated structure
:type _graph: NetworkGraph
"""
def __init__(self, labels, vals):
self._labels = labels
self._vals = vals
self._indxs = np.array([i for i, l in enumerate(labels)])
self._graph = None
self._cims = None
def generate_graph(self, density, fixed: bool = False):
"""Generate the edges according to specified density, and then instantiate the NetworkGraph object
to represent the network
:param density: Probability of an edge between two nodes to exist
:type density: float
:param fixed: Specifies whether the required density is mandatory or it's just a probability
:type fixed: bool
"""
if fixed:
n_edges = density * len(self._labels) * (len(self._labels) - 1)
if not float.is_integer(n_edges):
raise RuntimeError("Invalid Density")
else:
n_edges = int(n_edges)
edges = [(i, j) for i in self._labels for j in self._labels if i != j]
random.shuffle(edges)
edges = edges[:n_edges]
else:
edges = [(i, j) for i in self._labels for j in self._labels if np.random.binomial(1, density) == 1 and i != j]
s = Structure(self._labels, self._indxs, self._vals, edges, len(self._labels))
self._graph = NetworkGraph(s)
self._graph.add_nodes(s.nodes_labels)
self._graph.add_edges(s.edges)
def generate_cims(self, min_val, max_val):
"""For each node, generate the corresponding SetOfCims. The objective is to group the CIMs
(actually generated by private method __generate_cim) according to parents possibles states of every node.
This method must obviously be executed after the graph has been generated.
:param min_val: Minimum value allowed for the coefficients in the CIMs
:type min_val: float
:param max_val: Maximum value allowed for the coefficients in the CIMs
:type max_val: float
"""
if self._graph is None:
return
self._cims = {}
for i, l in enumerate(self._labels):
p_info = self._graph.get_ordered_by_indx_set_of_parents(l)
combs = self._graph.build_p_comb_structure_for_a_node(p_info[2])
if len(p_info[0]) != 0:
node_cims = []
for comb in combs:
cim = self.__generate_cim(min_val, max_val, self._vals[i])
node_cims.append(ConditionalIntensityMatrix(cim = cim))
else:
node_cims = []
cim = self.__generate_cim(min_val, max_val, self._vals[i])
node_cims.append(ConditionalIntensityMatrix(cim = cim))
self._cims[l] = SetOfCims(node_id = l, parents_states_number = p_info[2], node_states_number = self._vals[i], p_combs = combs,
cims = np.array(node_cims))
def __generate_cim(self, min_val, max_val, shape):
"""Generate a valid CIM matrix, with coefficients in the range [min_val, max_val] and with dimension [shape, shape]
:param min_val: Minimum value allowed for the coefficients in the CIMs
:type min_val: float
:param max_val: Maximum value allowed for the coefficients in the CIMs
:type max_val: float
:param shape: Number of elements in each dimension of the matrix (this actually is the cardinality of the node)
:type shape: int
"""
cim = np.empty(shape=(shape, shape))
cim[:] = np.nan
for i, c in enumerate(cim):
diag = (max_val - min_val) * np.random.random_sample() + min_val
row = np.random.rand(1, len(cim))[0]
row /= (sum(row) - row[i])
row *= diag
row[i] = -1 * diag
cim[i] = np.around(row, 4)
return cim
@property
def graph(self) -> NetworkGraph:
return self._graph
@property
def cims(self) -> dict:
return self._cims
@property
def dyn_str(self) -> list:
return pd.DataFrame([[edge[0], edge[1]] for edge in self._graph.edges], columns = ["From", "To"])
@property
def variables(self) -> list:
return pd.DataFrame([[l, self._vals[i]] for i, l in enumerate(self._labels)], columns = ["Name", "Value"])

@ -26,7 +26,8 @@ class SetOfCims(object):
:_actual_cims: the cims of the node
"""
def __init__(self, node_id: str, parents_states_number: typing.List, node_states_number: int, p_combs: np.ndarray):
def __init__(self, node_id: str, parents_states_number: typing.List, node_states_number: int, p_combs: np.ndarray,
cims: np.ndarray = None):
"""Constructor Method
"""
self._node_id = node_id
@ -36,7 +37,11 @@ class SetOfCims(object):
self._state_residence_times = None
self._transition_matrices = None
self._p_combs = p_combs
self.build_times_and_transitions_structures()
if cims is not None:
self._actual_cims = cims
else:
self.build_times_and_transitions_structures()
def build_times_and_transitions_structures(self) -> None:
"""Initializes at the correct dimensions the state residence times matrix and the state transition matrices.
@ -60,7 +65,7 @@ class SetOfCims(object):
:type transition_matrices: numpy.ndArray
"""
for state_res_time_vector, transition_matrix in zip(state_res_times, transition_matrices):
cim_to_add = ConditionalIntensityMatrix(state_res_time_vector, transition_matrix)
cim_to_add = ConditionalIntensityMatrix(state_residence_times = state_res_time_vector, state_transition_matrix = transition_matrix)
cim_to_add.compute_cim_coefficients()
self._actual_cims.append(cim_to_add)
self._actual_cims = np.array(self._actual_cims)
@ -82,7 +87,7 @@ class SetOfCims(object):
return self._actual_cims
else:
flat_indxs = np.argwhere(np.all(self._p_combs[:, mask_arr] == comb, axis=1)).ravel()
return self._actual_cims[flat_indxs]
return np.array(self._actual_cims)[flat_indxs.astype(int)]
@property
def actual_cims(self) -> np.ndarray:

@ -0,0 +1,179 @@
from ..utility.abstract_importer import AbstractImporter
from .conditional_intensity_matrix import ConditionalIntensityMatrix
from .set_of_cims import SetOfCims
from .trajectory import Trajectory
import numpy as np
import pandas as pd
import re
import json
from numpy import random
from multiprocessing import Process, Manager
class TrajectoryGenerator(object):
"""Provides the methods to generate a trajectory basing on the network defined
in the importer.
:param _importer: the Importer object which contains the imported and processed data
:type _importer: AbstractImporter
:param _vnames: List of the variables labels that belong to the network
:type _vnames: List
:param _parents: It contains, for each variable label (the key), the list of related parents labels
:type _parents: Dict
:param _cims: It contains, for each variable label (the key), the SetOfCims object related to it
:type _cims: Dict
:param _generated_trajectory: Result of the execution of CTBN_Sample, contains the output trajectory
:type _generated_trajectory: pandas.DataFrame
"""
def __init__(self, importer: AbstractImporter = None, variables: pd.DataFrame = None, dyn_str: pd.DataFrame = None, dyn_cims: dict = None):
"""Constructor Method
It parses and elaborates the data fetched from importer (if defined, otherwise variables, dyn_str and dyn_cims are used)
in order to make the objects structure more suitable for the forthcoming trajectory generation
"""
self._importer = importer
self._vnames = self._importer._df_variables.iloc[:, 0].to_list() if importer is not None else variables.iloc[:, 0].to_list()
self._parents = {}
for v in self._vnames:
if importer is not None:
self._parents[v] = self._importer._df_structure.where(self._importer._df_structure["To"] == v).dropna()["From"].tolist()
else:
self._parents[v] = dyn_str.where(dyn_str["To"] == v).dropna()["From"].tolist()
self._cims = {}
if importer is not None:
sampled_cims = self._importer._cims
for v in sampled_cims.keys():
p_combs = []
v_cims = []
for comb in sampled_cims[v].keys():
p_combs.append(np.array(re.findall(r"=(\d)", comb)).astype("int"))
cim = pd.DataFrame(sampled_cims[v][comb]).to_numpy()
v_cims.append(ConditionalIntensityMatrix(cim = cim))
if importer is not None:
sof = SetOfCims(node_id = v, parents_states_number = [self._importer._df_variables.where(self._importer._df_variables["Name"] == p)["Value"] for p in self._parents[v]],
node_states_number = self._importer._df_variables.where(self._importer._df_variables["Name"] == v)["Value"], p_combs = np.array(p_combs), cims = v_cims)
else:
sof = SetOfCims(node_id = v, parents_states_number = [variables.where(variables["Name"] == p)["Value"] for p in self._parents[v]],
node_states_number = variables.where(variables["Name"] == v)["Value"], p_combs = np.array(p_combs), cims = v_cims)
self._cims[v] = sof
else:
self._cims = dyn_cims
def CTBN_Sample(self, t_end = -1, max_tr = -1):
"""This method implements the generation of a trajectory, basing on the network structure and
on the coefficients defined in the CIMs.
The variables are initialized with value 0, and the method takes care of adding the
conventional last row made up of -1.
:param t_end: If defined, the sampling ends when end time is reached
:type t_end: float
:param max_tr: Parameter taken in consideration in case that t_end isn't defined. It specifies the number of transitions to execute
:type max_tr: int
"""
t = 0
sigma = pd.DataFrame(columns = (["Time"] + self._vnames))
sigma.loc[len(sigma)] = [0] + [0 for v in self._vnames]
time = np.full(len(self._vnames), np.NaN)
n_tr = 0
self._generated_trajectory = None
while True:
current_values = sigma.loc[len(sigma) - 1]
for i in range(0, time.size):
if np.isnan(time[i]):
n_parents = len(self._parents[self._vnames[i]])
cim_obj = self._cims[self._vnames[i]].filter_cims_with_mask(np.array([True for p in self._parents[self._vnames[i]]]),
[current_values.at[p] for p in self._parents[self._vnames[i]]])
if n_parents == 1:
cim = cim_obj[current_values.at[self._parents[self._vnames[i]][0]]].cim
else:
cim = cim_obj[0].cim
param = -1 * cim[current_values.at[self._vnames[i]]][current_values.at[self._vnames[i]]]
time[i] = t + random.exponential(scale = param)
next = time.argmin()
t = time[next]
if (max_tr != -1 and n_tr == max_tr) or (t_end != -1 and t >= t_end):
sigma.loc[len(sigma) - 1, self._vnames] = -1
self._generated_trajectory = sigma
return sigma
else:
n_parents = len(self._parents[self._vnames[next]])
cim_obj = self._cims[self._vnames[next]].filter_cims_with_mask(np.array([True for p in self._parents[self._vnames[next]]]),
[current_values.at[p] for p in self._parents[self._vnames[next]]])
if n_parents == 1:
cim = cim_obj[current_values.at[self._parents[self._vnames[next]][0]]].cim
else:
cim = cim_obj[0].cim
cim_row = np.array(cim[current_values.at[self._vnames[next]]])
cim_row[current_values.at[self._vnames[next]]] = 0
cim_row /= sum(cim_row)
rand_mult = np.random.multinomial(1, cim_row, size=1)
new_row = pd.DataFrame(sigma[-1:].values, columns = sigma.columns)
new_row.loc[0].at[self._vnames[next]] = np.where(rand_mult[0] == 1)[0][0]
new_row.loc[0].at["Time"] = round(t, 4)
sigma = sigma.append(new_row, ignore_index = True)
n_tr += 1
# undefine variable time
time[next] = np.NaN
for i, v in enumerate(self._parents):
if self._vnames[next] in self._parents[v]:
time[i] = np.NaN
def worker(self, t_end, max_tr, trajectories):
"""Single process that will be executed in parallel in order to generate one trajectory.
:param t_end: If defined, the sampling ends when end time is reached
:type t_end: float
:param max_tr: Parameter taken in consideration in case that t_end isn't defined. It specifies the number of transitions to execute
:type max_tr: int
:param trajectories: Shared list that contains to which the generated trajectory is added
:type trajectories: list
"""
trajectory = self.CTBN_Sample(t_end = t_end, max_tr = max_tr)
trajectories.append(trajectory)
def multi_trajectory(self, t_ends: list = None, max_trs: list = None):
"""Generate n trajectories in parallel, where n is the number of items in
t_ends, if defined, or the number of items in max_trs otherwise
:param t_ends: List of t_end values for the trajectories that will be generated
:type t_ends: list
:param max_trs: List of max_tr values for the trajectories that will be generated
:type max_trs: list
"""
if t_ends is None and max_trs is None:
return
trajectories = Manager().list()
if t_ends is not None:
processes = [Process(target = self.worker, args = (t, -1, trajectories)) for t in t_ends]
else:
processes = [Process(target = self.worker, args = (-1, m, trajectories)) for m in max_trs]
for p in processes:
p.start()
for p in processes:
p.join()
return trajectories

@ -0,0 +1,42 @@
import json
import pandas as pd
import os
from abc import ABC, abstractmethod
class AbstractExporter(ABC):
"""Abstract class that exposes the methods to save in json format a network information
along with one or more trajectories generated basing on it
:param _variables: Dataframe containing the nodes labels and cardinalities
:type _variables: pandas.DataFrame
:param _dyn_str: Dataframe containing the structure of the network (edges)
:type _dyn_str: pandas.DataFrame
:param _dyn_cims: It contains, for every variable (label is the key), the SetOfCims object related to it
:type _dyn_cims: dict
:param _trajectories: List of trajectories, that can be added subsequently
:type _trajectories: List
"""
def __init__(self, variables: pd.DataFrame = None, dyn_str: pd.DataFrame = None, dyn_cims: dict = None):
self._variables = variables
self._dyn_str = dyn_str
self._dyn_cims = dyn_cims
self._trajectories = []
def add_trajectory(self, trajectory: list):
"""Add a new trajectory to the current list
:param trajectory: The trajectory to add
:type trajectory: pandas.DataFrame
"""
self._trajectories.append(trajectory)
@abstractmethod
def out_file(self, filename):
"""Create a file in current directory and write on it the previously added data
(variables, dyn_str, dyn_cims and trajectories)
:param filename: Name of the output file (it must include json extension)
:type filename: string
"""

@ -0,0 +1,75 @@
import json
import pandas as pd
import numpy as np
import os
from .abstract_exporter import AbstractExporter
class JsonExporter(AbstractExporter):
"""Provides the methods to save in json format a network information
along with one or more trajectories generated basing on it
:param _variables: Dataframe containing the nodes labels and cardinalities
:type _variables: pandas.DataFrame
:param _dyn_str: Dataframe containing the structure of the network (edges)
:type _dyn_str: pandas.DataFrame
:param _dyn_cims: It contains, for every variable (label is the key), the SetOfCims object related to it
:type _dyn_cims: dict
:param _trajectories: List of trajectories, that can be added subsequently
:type _trajectories: List
"""
def __init__(self, variables: pd.DataFrame = None, dyn_str: pd.DataFrame = None, dyn_cims: dict = None):
self._variables = variables
self._dyn_str = dyn_str
self._dyn_cims = dyn_cims
self._trajectories = []
def out_file(self, filename):
"""Create a file in current directory and write on it the previously added data
(variables, dyn_str, dyn_cims and trajectories)
:param filename: Name of the output file (it must include json extension)
:type filename: string
"""
data = [{
"dyn.str": json.loads(self._dyn_str.to_json(orient="records")),
"variables": json.loads(self._variables.to_json(orient="records")),
"dyn.cims": self.cims_to_json(),
"samples": [json.loads(trajectory.to_json(orient="records")) for trajectory in self._trajectories]
}]
path = os.getcwd()
with open(path + "/" + filename, "w") as json_file:
json.dump(data, json_file)
"""Restructure the CIMs object in order to fit the standard JSON file structure
"""
def cims_to_json(self) -> dict:
json_cims = {}
for i, l in enumerate(self._variables.iloc[:, 0].to_list()):
json_cims[l] = {}
parents = self._dyn_str.where(self._dyn_str["To"] == l).dropna()["From"].tolist()
for j, comb in enumerate(self._dyn_cims[l].p_combs):
comb_key = ""
if len(parents) != 0:
for k, val in enumerate(comb):
comb_key += parents[k] + "=" + str(val)
if k < len(comb) - 1:
comb_key += ","
else:
comb_key = l
cim = self._dyn_cims[l].filter_cims_with_mask(np.array([True for p in parents]), comb)
if len(parents) == 1:
cim = cim[comb[0]].cim
elif len(parents) == 0:
cim = cim[0].cim
else:
cim = cim[0].cim
json_cims[l][comb_key] = [dict([(str(i), val) for i, val in enumerate(row)]) for row in cim]
return json_cims

@ -33,8 +33,8 @@ class JsonImporter(AbstractImporter):
:type _raw_data: List
"""
def __init__(self, file_path: str, samples_label: str, structure_label: str, variables_label: str, time_key: str,
variables_key: str):
def __init__(self, file_path: str, samples_label: str, structure_label: str, variables_label: str, time_key: str,
variables_key: str, cims_label: str = None):
"""Constructor method
.. note::
@ -45,6 +45,7 @@ class JsonImporter(AbstractImporter):
self._samples_label = samples_label
self._structure_label = structure_label
self._variables_label = variables_label
self._cims_label = cims_label
self._time_key = time_key
self._variables_key = variables_key
self._df_samples_list = None
@ -66,6 +67,9 @@ class JsonImporter(AbstractImporter):
self._df_structure = self.import_structure(self._raw_data)
self._df_variables = self.import_variables(self._raw_data)
if self._cims_label != None:
self._cims = self._raw_data[indx][self._cims_label]
def import_trajectories(self, raw_data: typing.List) -> typing.List:
"""Imports the trajectories from the list of dicts ``raw_data``.

@ -20,14 +20,16 @@ class TestConditionalIntensityMatrix(unittest.TestCase):
cls.state_transition_matrix[i, i] = np.sum(cls.state_transition_matrix[i])
def test_init(self):
c1 = ConditionalIntensityMatrix(self.state_res_times, self.state_transition_matrix)
c1 = ConditionalIntensityMatrix(state_residence_times = self.state_res_times,
state_transition_matrix = self.state_transition_matrix)
self.assertTrue(np.array_equal(self.state_res_times, c1.state_residence_times))
self.assertTrue(np.array_equal(self.state_transition_matrix, c1.state_transition_matrix))
self.assertEqual(c1.cim.dtype, np.float)
self.assertEqual(self.state_transition_matrix.shape, c1.cim.shape)
def test_compute_cim_coefficients(self):
c1 = ConditionalIntensityMatrix(self.state_res_times, self.state_transition_matrix)
c1 = ConditionalIntensityMatrix(state_residence_times = self.state_res_times,
state_transition_matrix = self.state_transition_matrix)
c2 = self.state_transition_matrix.astype(np.float)
np.fill_diagonal(c2, c2.diagonal() * -1)
for i in range(0, len(self.state_res_times)):
@ -41,7 +43,8 @@ class TestConditionalIntensityMatrix(unittest.TestCase):
self.assertTrue(np.isclose(c1.cim[i, j], c2[i, j], 1e01))
def test_repr(self):
c1 = ConditionalIntensityMatrix(self.state_res_times, self.state_transition_matrix)
c1 = ConditionalIntensityMatrix(state_residence_times = self.state_res_times,
state_transition_matrix = self.state_transition_matrix)
print(c1)

@ -0,0 +1,39 @@
import unittest
import random
import numpy as np
from PyCTBN.PyCTBN.structure_graph.network_generator import NetworkGenerator
class TestNetworkGenerator(unittest.TestCase):
def test_generate_graph(self):
labels = ["U", "V", "W", "X", "Y", "Z"]
card = 3
vals = [card for l in labels]
ng = NetworkGenerator(labels, vals)
ng.generate_graph(0.3)
self.assertEqual(len(labels), len(ng.graph.nodes))
self.assertEqual(len([edge for edge in ng.graph.edges if edge[0] == edge[1]]), 0)
def test_generate_cims(self):
labels = ["U", "V", "W", "X", "Y", "Z"]
card = 3
vals = [card for l in labels]
cim_min = random.uniform(0.5, 5)
cim_max = random.uniform(0.5, 5) + cim_min
ng = NetworkGenerator(labels, vals)
ng.generate_graph(0.3)
ng.generate_cims(cim_min, cim_max)
self.assertEqual(len(ng.cims), len(labels))
self.assertListEqual(list(ng.cims.keys()), labels)
for key in ng.cims:
p_card = ng.graph.get_ordered_by_indx_set_of_parents(key)[2]
comb = ng.graph.build_p_comb_structure_for_a_node(p_card)
self.assertEqual(len(ng.cims[key].actual_cims), len(comb))
for cim in ng.cims[key].actual_cims:
self.assertEqual(sum(c > 0 for c in cim.cim.diagonal()), 0)
for i, row in enumerate(cim.cim):
# self.assertEqual(round(sum(row) - row[i], 8), round(-1 * row[i], 8))
self.assertEqual(sum(c < 0 for c in np.delete(cim.cim[i], i)), 0)
if __name__ == '__main__':
unittest.main()

@ -52,7 +52,8 @@ class TestSetOfCims(unittest.TestCase):
def test_filter_cims_with_mask(self):
p_combs = self.build_p_comb_structure_for_a_node(self.possible_cardinalities)
sofc1 = SetOfCims('X', self.possible_cardinalities, 3, p_combs)
sofc1 = SetOfCims(node_id = 'X', parents_states_number = self.possible_cardinalities, node_states_number = 3,
p_combs = p_combs)
state_res_times_list = []
transition_matrices_list = []
for i in range(len(p_combs)):
@ -76,7 +77,8 @@ class TestSetOfCims(unittest.TestCase):
def aux_test_build_cims(self, node_id, p_values, node_states, p_combs):
state_res_times_list = []
transition_matrices_list = []
so1 = SetOfCims(node_id, p_values, node_states, p_combs)
so1 = SetOfCims(node_id = node_id, parents_states_number = p_values, node_states_number = node_states,
p_combs = p_combs)
for i in range(len(p_combs)):
state_res_times = np.random.rand(1, node_states)[0]
state_res_times = state_res_times * 1000
@ -90,7 +92,8 @@ class TestSetOfCims(unittest.TestCase):
self.assertIsNone(so1._state_residence_times)
def aux_test_init(self, node_id, parents_states_number, node_states_number, p_combs):
sofcims = SetOfCims(node_id, parents_states_number, node_states_number, p_combs)
sofcims = SetOfCims(node_id = node_id, parents_states_number = parents_states_number,
node_states_number = node_states_number, p_combs = p_combs)
self.assertEqual(sofcims._node_id, node_id)
self.assertTrue(np.array_equal(sofcims._p_combs, p_combs))
self.assertTrue(np.array_equal(sofcims._parents_states_number, parents_states_number))

@ -0,0 +1,58 @@
import unittest
import random
from PyCTBN.PyCTBN.structure_graph.trajectory import Trajectory
from PyCTBN.PyCTBN.structure_graph.trajectory_generator import TrajectoryGenerator
from PyCTBN.PyCTBN.utility.json_importer import JsonImporter
class TestTrajectoryGenerator(unittest.TestCase):
@classmethod
def setUpClass(cls) -> None:
cls.j1 = JsonImporter(file_path = "./PyCTBN/test_data/networks_and_trajectories_binary_data_01_3.json", samples_label = "samples",
structure_label = "dyn.str", variables_label = "variables",
cims_label = "dyn.cims", time_key = "Time",
variables_key = "Name")
cls.j1.import_data(0)
def test_init(self):
tg = TrajectoryGenerator(self.j1)
self.assertEqual(len(tg._vnames), len(self.j1.variables))
self.assertIsInstance(tg._vnames, list)
self.assertIsInstance(tg._parents, dict)
self.assertIsInstance(tg._cims, dict)
self.assertListEqual(list(tg._parents.keys()), tg._vnames)
self.assertListEqual(list(tg._cims.keys()), tg._vnames)
def test_generated_trajectory(self):
tg = TrajectoryGenerator(self.j1)
end_time = random.randint(5, 100)
sigma = tg.CTBN_Sample(end_time)
traj = Trajectory(self.j1.build_list_of_samples_array(sigma), len(self.j1.sorter) + 1)
self.assertLessEqual(traj.times[len(traj.times) - 1], end_time)
for index in range(len(traj.times)):
if index > 0:
self.assertLess(traj.times[index - 1], traj.times[index])
if index < len(traj.times) - 1:
diff = abs(sum(traj.trajectory[index - 1]) - sum(traj.trajectory[index]))
self.assertEqual(diff, 1)
self.assertEqual(sum(traj.trajectory[len(traj.times) - 1]), -1 * len(self.j1.sorter))
def test_generated_trajectory_max_tr(self):
tg = TrajectoryGenerator(self.j1)
n_tr = random.randint(5, 100)
sigma = tg.CTBN_Sample(max_tr = n_tr)
traj = Trajectory(self.j1.build_list_of_samples_array(sigma), len(self.j1.sorter) + 1)
self.assertEqual(len(traj.times), n_tr + 1)
def test_multi_trajectory(self):
tg = TrajectoryGenerator(self.j1)
max_trs = [random.randint(5, 100) for i in range(10)]
trajectories = tg.multi_trajectory(max_trs = max_trs)
self.assertEqual(len(trajectories), len(max_trs))
self.assertTrue({len(trajectory) for trajectory in trajectories} == {max_tr + 1 for max_tr in max_trs})
t_ends = [random.randint(100, 500) for i in range(10)]
trajectories = tg.multi_trajectory(t_ends = t_ends)
self.assertEqual(len(trajectories), len(t_ends))
if __name__ == '__main__':
unittest.main()

@ -19,13 +19,13 @@ class TestCache(unittest.TestCase):
def test_put(self):
c1 = Cache()
pset1 = {'X', 'Y'}
sofc1 = SetOfCims('Z', [], 3, np.array([]))
sofc1 = SetOfCims(node_id = 'Z', parents_states_number = [], node_states_number = 3, p_combs = np.array([]))
c1.put(pset1, sofc1)
self.assertEqual(1, len(c1._actual_cache))
self.assertEqual(1, len(c1._list_of_sets_of_parents))
self.assertEqual(sofc1, c1._actual_cache[0])
pset2 = {'X'}
sofc2 = SetOfCims('Z', [], 3, np.array([]))
sofc2 = SetOfCims(node_id = 'Z', parents_states_number = [], node_states_number = 3, p_combs = np.array([]))
c1.put(pset2, sofc2)
self.assertEqual(2, len(c1._actual_cache))
self.assertEqual(2, len(c1._list_of_sets_of_parents))
@ -34,7 +34,7 @@ class TestCache(unittest.TestCase):
def test_find(self):
c1 = Cache()
pset1 = {'X', 'Y'}
sofc1 = SetOfCims('Z', [], 3, np.array([]))
sofc1 = SetOfCims(node_id = 'Z', parents_states_number = [], node_states_number = 3, p_combs = np.array([]))
c1.put(pset1, sofc1)
self.assertEqual(1, len(c1._actual_cache))
self.assertEqual(1, len(c1._list_of_sets_of_parents))

@ -0,0 +1,28 @@
import unittest
import random
import numpy as np
import os.path
from PyCTBN.PyCTBN.utility.json_exporter import JsonExporter
from PyCTBN.PyCTBN.structure_graph.trajectory_generator import TrajectoryGenerator
from PyCTBN.PyCTBN.structure_graph.network_generator import NetworkGenerator
class TestJSONExporter(unittest.TestCase):
def test_generate_graph(self):
ng = NetworkGenerator(["X", "Y", "Z"], [3 for i in range(3)])
ng.generate_graph(0.3)
ng.generate_cims(1, 3)
e1 = JsonExporter(ng.variables, ng.dyn_str, ng.cims)
tg = TrajectoryGenerator(variables = ng.variables, dyn_str = ng.dyn_str, dyn_cims = ng.cims)
n_traj = random.randint(1, 30)
for i in range(n_traj):
sigma = tg.CTBN_Sample(max_tr = 100)
e1.add_trajectory(sigma)
self.assertEqual(n_traj, len(e1._trajectories))
e1.out_file("test.json")
self.assertTrue(os.path.isfile("test.json"))
if __name__ == '__main__':
unittest.main()

@ -12,6 +12,14 @@ PyCTBN.PyCTBN.structure\_graph.conditional\_intensity\_matrix module
:undoc-members:
:show-inheritance:
PyCTBN.PyCTBN.structure\_graph.network\_generator module
--------------------------------------------------------
.. automodule:: PyCTBN.PyCTBN.structure_graph.network_generator
:members:
:undoc-members:
:show-inheritance:
PyCTBN.PyCTBN.structure\_graph.network\_graph module
----------------------------------------------------
@ -52,6 +60,14 @@ PyCTBN.PyCTBN.structure\_graph.trajectory module
:undoc-members:
:show-inheritance:
PyCTBN.PyCTBN.structure\_graph.trajectory\_generator module
-----------------------------------------------------------
.. automodule:: PyCTBN.PyCTBN.structure_graph.trajectory_generator
:members:
:undoc-members:
:show-inheritance:
Module contents
---------------

@ -4,6 +4,14 @@ PyCTBN.PyCTBN.utility package
Submodules
----------
PyCTBN.PyCTBN.utility.abstract\_exporter module
-----------------------------------------------
.. automodule:: PyCTBN.PyCTBN.utility.abstract_exporter
:members:
:undoc-members:
:show-inheritance:
PyCTBN.PyCTBN.utility.abstract\_importer module
-----------------------------------------------
@ -20,6 +28,14 @@ PyCTBN.PyCTBN.utility.cache module
:undoc-members:
:show-inheritance:
PyCTBN.PyCTBN.utility.json\_exporter module
-------------------------------------------
.. automodule:: PyCTBN.PyCTBN.utility.json_exporter
:members:
:undoc-members:
:show-inheritance:
PyCTBN.PyCTBN.utility.json\_importer module
-------------------------------------------

@ -8,10 +8,27 @@ Subpackages
:maxdepth: 4
PyCTBN.PyCTBN
PyCTBN.tests
Submodules
----------
PyCTBN.basic\_main module
-------------------------
.. automodule:: PyCTBN.basic_main
:members:
:undoc-members:
:show-inheritance:
PyCTBN.setup module
-------------------
.. automodule:: PyCTBN.setup
:members:
:undoc-members:
:show-inheritance:
Module contents
---------------

@ -12,6 +12,14 @@ PyCTBN.tests.structure\_graph.test\_cim module
:undoc-members:
:show-inheritance:
PyCTBN.tests.structure\_graph.test\_networkgenerator module
-----------------------------------------------------------
.. automodule:: PyCTBN.tests.structure_graph.test_networkgenerator
:members:
:undoc-members:
:show-inheritance:
PyCTBN.tests.structure\_graph.test\_networkgraph module
-------------------------------------------------------
@ -52,6 +60,14 @@ PyCTBN.tests.structure\_graph.test\_trajectory module
:undoc-members:
:show-inheritance:
PyCTBN.tests.structure\_graph.test\_trajectorygenerator module
--------------------------------------------------------------
.. automodule:: PyCTBN.tests.structure_graph.test_trajectorygenerator
:members:
:undoc-members:
:show-inheritance:
Module contents
---------------

@ -0,0 +1,7 @@
example module
==============
.. automodule:: example
:members:
:undoc-members:
:show-inheritance:

@ -4,5 +4,6 @@ PyCTBN
.. toctree::
:maxdepth: 4
PyCTBN.PyCTBN
examples
PyCTBN
example
setup

@ -0,0 +1,4 @@
# Sphinx build info version 1
# This file hashes the configuration used when building these files. When it is not found, a full rebuild will be done.
config: 87e83150455399004cf3d149c3abeafb
tags: 645f666f9bcd5a90fca523b33c5a78b7

Binary file not shown.

Binary file not shown.

Binary file not shown.

Binary file not shown.

Binary file not shown.

Binary file not shown.

Binary file not shown.

Binary file not shown.

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -123,13 +127,13 @@
<section id="module-PyCTBN.PyCTBN.estimators.fam_score_calculator">
<span id="pyctbn-pyctbn-estimators-fam-score-calculator-module"></span><h2>PyCTBN.PyCTBN.estimators.fam_score_calculator module<a class="headerlink" href="#module-PyCTBN.PyCTBN.estimators.fam_score_calculator" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.estimators.fam_score_calculator.</code><code class="sig-name descname">FamScoreCalculator</code><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.estimators.fam_score_calculator.</span></span><span class="sig-name descname"><span class="pre">FamScoreCalculator</span></span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">object</span></code></p>
<p>Has the task of calculating the FamScore of a node by using a Bayesian score function</p>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.get_fam_score">
<code class="sig-name descname">get_fam_score</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">cims</span><span class="p">:</span> <span class="n">numpy.array</span></em>, <em class="sig-param"><span class="n">tau_xu</span><span class="p">:</span> <span class="n">float</span> <span class="o">=</span> <span class="default_value">0.1</span></em>, <em class="sig-param"><span class="n">alpha_xu</span><span class="p">:</span> <span class="n">float</span> <span class="o">=</span> <span class="default_value">1</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.get_fam_score" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.get_fam_score">
<span class="sig-name descname"><span class="pre">get_fam_score</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">cims</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.array</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">tau_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">0.1</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">alpha_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">1</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.get_fam_score" title="Permalink to this definition"></a></dt>
<dd><p>Calculate the FamScore value of the node</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -149,8 +153,8 @@
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.marginal_likelihood_q">
<code class="sig-name descname">marginal_likelihood_q</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">cims</span><span class="p">:</span> <span class="n">numpy.array</span></em>, <em class="sig-param"><span class="n">tau_xu</span><span class="p">:</span> <span class="n">float</span> <span class="o">=</span> <span class="default_value">0.1</span></em>, <em class="sig-param"><span class="n">alpha_xu</span><span class="p">:</span> <span class="n">float</span> <span class="o">=</span> <span class="default_value">1</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.marginal_likelihood_q" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.marginal_likelihood_q">
<span class="sig-name descname"><span class="pre">marginal_likelihood_q</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">cims</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.array</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">tau_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">0.1</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">alpha_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">1</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.marginal_likelihood_q" title="Permalink to this definition"></a></dt>
<dd><p>Calculate the value of the marginal likelihood over q of the node identified by the label node_id</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -170,8 +174,8 @@
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.marginal_likelihood_theta">
<code class="sig-name descname">marginal_likelihood_theta</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">cims</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix</a></span></em>, <em class="sig-param"><span class="n">alpha_xu</span><span class="p">:</span> <span class="n">float</span></em>, <em class="sig-param"><span class="n">alpha_xxu</span><span class="p">:</span> <span class="n">float</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.marginal_likelihood_theta" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.marginal_likelihood_theta">
<span class="sig-name descname"><span class="pre">marginal_likelihood_theta</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">cims</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix"><span class="pre">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">alpha_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">alpha_xxu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.marginal_likelihood_theta" title="Permalink to this definition"></a></dt>
<dd><p>Calculate the FamScore value of the node identified by the label node_id</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -191,8 +195,8 @@
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.single_cim_xu_marginal_likelihood_q">
<code class="sig-name descname">single_cim_xu_marginal_likelihood_q</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">M_xu_suff_stats</span><span class="p">:</span> <span class="n">float</span></em>, <em class="sig-param"><span class="n">T_xu_suff_stats</span><span class="p">:</span> <span class="n">float</span></em>, <em class="sig-param"><span class="n">tau_xu</span><span class="p">:</span> <span class="n">float</span> <span class="o">=</span> <span class="default_value">0.1</span></em>, <em class="sig-param"><span class="n">alpha_xu</span><span class="p">:</span> <span class="n">float</span> <span class="o">=</span> <span class="default_value">1</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.single_cim_xu_marginal_likelihood_q" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.single_cim_xu_marginal_likelihood_q">
<span class="sig-name descname"><span class="pre">single_cim_xu_marginal_likelihood_q</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">M_xu_suff_stats</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">T_xu_suff_stats</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">tau_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">0.1</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">alpha_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">1</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.single_cim_xu_marginal_likelihood_q" title="Permalink to this definition"></a></dt>
<dd><p>Calculate the marginal likelihood on q of the node when assumes a specif value
and a specif parents’s assignment</p>
<dl class="field-list simple">
@ -215,8 +219,8 @@ and a specif parents’s assignment</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.single_cim_xu_marginal_likelihood_theta">
<code class="sig-name descname">single_cim_xu_marginal_likelihood_theta</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">index</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">cim</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix</a></span></em>, <em class="sig-param"><span class="n">alpha_xu</span><span class="p">:</span> <span class="n">float</span></em>, <em class="sig-param"><span class="n">alpha_xxu</span><span class="p">:</span> <span class="n">float</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.single_cim_xu_marginal_likelihood_theta" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.single_cim_xu_marginal_likelihood_theta">
<span class="sig-name descname"><span class="pre">single_cim_xu_marginal_likelihood_theta</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">index</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">cim</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix"><span class="pre">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">alpha_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">alpha_xxu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.single_cim_xu_marginal_likelihood_theta" title="Permalink to this definition"></a></dt>
<dd><p>Calculate the marginal likelihood on q of the node when assumes a specif value
and a specif parents’s assignment</p>
<dl class="field-list simple">
@ -237,8 +241,8 @@ and a specif parents’s assignment</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.single_internal_cim_xxu_marginal_likelihood_theta">
<code class="sig-name descname">single_internal_cim_xxu_marginal_likelihood_theta</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">M_xxu_suff_stats</span><span class="p">:</span> <span class="n">float</span></em>, <em class="sig-param"><span class="n">alpha_xxu</span><span class="p">:</span> <span class="n">float</span> <span class="o">=</span> <span class="default_value">1</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.single_internal_cim_xxu_marginal_likelihood_theta" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.single_internal_cim_xxu_marginal_likelihood_theta">
<span class="sig-name descname"><span class="pre">single_internal_cim_xxu_marginal_likelihood_theta</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">M_xxu_suff_stats</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">alpha_xxu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">1</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.single_internal_cim_xxu_marginal_likelihood_theta" title="Permalink to this definition"></a></dt>
<dd><p>Calculate the second part of the marginal likelihood over theta formula</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -257,8 +261,8 @@ and a specif parents’s assignment</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.variable_cim_xu_marginal_likelihood_q">
<code class="sig-name descname">variable_cim_xu_marginal_likelihood_q</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">cim</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix</a></span></em>, <em class="sig-param"><span class="n">tau_xu</span><span class="p">:</span> <span class="n">float</span> <span class="o">=</span> <span class="default_value">0.1</span></em>, <em class="sig-param"><span class="n">alpha_xu</span><span class="p">:</span> <span class="n">float</span> <span class="o">=</span> <span class="default_value">1</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.variable_cim_xu_marginal_likelihood_q" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.variable_cim_xu_marginal_likelihood_q">
<span class="sig-name descname"><span class="pre">variable_cim_xu_marginal_likelihood_q</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">cim</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix"><span class="pre">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">tau_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">0.1</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">alpha_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">1</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.variable_cim_xu_marginal_likelihood_q" title="Permalink to this definition"></a></dt>
<dd><p>Calculate the value of the marginal likelihood over q given a cim</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -278,8 +282,8 @@ and a specif parents’s assignment</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.variable_cim_xu_marginal_likelihood_theta">
<code class="sig-name descname">variable_cim_xu_marginal_likelihood_theta</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">cim</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix</a></span></em>, <em class="sig-param"><span class="n">alpha_xu</span><span class="p">:</span> <span class="n">float</span></em>, <em class="sig-param"><span class="n">alpha_xxu</span><span class="p">:</span> <span class="n">float</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.variable_cim_xu_marginal_likelihood_theta" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.variable_cim_xu_marginal_likelihood_theta">
<span class="sig-name descname"><span class="pre">variable_cim_xu_marginal_likelihood_theta</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">cim</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix"><span class="pre">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">alpha_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">alpha_xxu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.variable_cim_xu_marginal_likelihood_theta" title="Permalink to this definition"></a></dt>
<dd><p>Calculate the value of the marginal likelihood over theta given a cim</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -304,8 +308,8 @@ and a specif parents’s assignment</p>
<section id="module-PyCTBN.PyCTBN.estimators.parameters_estimator">
<span id="pyctbn-pyctbn-estimators-parameters-estimator-module"></span><h2>PyCTBN.PyCTBN.estimators.parameters_estimator module<a class="headerlink" href="#module-PyCTBN.PyCTBN.estimators.parameters_estimator" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.estimators.parameters_estimator.</code><code class="sig-name descname">ParametersEstimator</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">trajectories</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory" title="PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory">PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory</a></span></em>, <em class="sig-param"><span class="n">net_graph</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph" title="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph">PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph</a></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.estimators.parameters_estimator.</span></span><span class="sig-name descname"><span class="pre">ParametersEstimator</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">trajectories</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory" title="PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory"><span class="pre">PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">net_graph</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph" title="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph"><span class="pre">PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph</span></a></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">object</span></code></p>
<p>Has the task of computing the cims of particular node given the trajectories and the net structure
in the graph <code class="docutils literal notranslate"><span class="pre">_net_graph</span></code>.</p>
@ -321,8 +325,8 @@ in the graph <code class="docutils literal notranslate"><span class="pre">_net_g
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.compute_parameters_for_node">
<code class="sig-name descname">compute_parameters_for_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; <a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims" title="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims">PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims</a><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.compute_parameters_for_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.compute_parameters_for_node">
<span class="sig-name descname"><span class="pre">compute_parameters_for_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims" title="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims"><span class="pre">PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims</span></a><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.compute_parameters_for_node" title="Permalink to this definition"></a></dt>
<dd><p>Compute the CIMS of the node identified by the label <code class="docutils literal notranslate"><span class="pre">node_id</span></code>.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -338,8 +342,8 @@ in the graph <code class="docutils literal notranslate"><span class="pre">_net_g
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.compute_state_res_time_for_node">
<em class="property">static </em><code class="sig-name descname">compute_state_res_time_for_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">times</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em>, <em class="sig-param"><span class="n">trajectory</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em>, <em class="sig-param"><span class="n">cols_filter</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em>, <em class="sig-param"><span class="n">scalar_indexes_struct</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em>, <em class="sig-param"><span class="n">T</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.compute_state_res_time_for_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.compute_state_res_time_for_node">
<em class="property"><span class="pre">static</span> </em><span class="sig-name descname"><span class="pre">compute_state_res_time_for_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">times</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">trajectory</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">cols_filter</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">scalar_indexes_struct</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">T</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.compute_state_res_time_for_node" title="Permalink to this definition"></a></dt>
<dd><p>Compute the state residence times for a node and fill the matrix <code class="docutils literal notranslate"><span class="pre">T</span></code> with the results</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -356,8 +360,8 @@ in the graph <code class="docutils literal notranslate"><span class="pre">_net_g
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.compute_state_transitions_for_a_node">
<em class="property">static </em><code class="sig-name descname">compute_state_transitions_for_a_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_indx</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">trajectory</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em>, <em class="sig-param"><span class="n">cols_filter</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em>, <em class="sig-param"><span class="n">scalar_indexing</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em>, <em class="sig-param"><span class="n">M</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.compute_state_transitions_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.compute_state_transitions_for_a_node">
<em class="property"><span class="pre">static</span> </em><span class="sig-name descname"><span class="pre">compute_state_transitions_for_a_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_indx</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">trajectory</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">cols_filter</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">scalar_indexing</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">M</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.compute_state_transitions_for_a_node" title="Permalink to this definition"></a></dt>
<dd><p>Compute the state residence times for a node and fill the matrices <code class="docutils literal notranslate"><span class="pre">M</span></code> with the results.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -373,8 +377,8 @@ in the graph <code class="docutils literal notranslate"><span class="pre">_net_g
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.fast_init">
<code class="sig-name descname">fast_init</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.fast_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.fast_init">
<span class="sig-name descname"><span class="pre">fast_init</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.parameters_estimator.ParametersEstimator.fast_init" title="Permalink to this definition"></a></dt>
<dd><p>Initializes all the necessary structures for the parameters estimation for the node <code class="docutils literal notranslate"><span class="pre">node_id</span></code>.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -389,8 +393,8 @@ in the graph <code class="docutils literal notranslate"><span class="pre">_net_g
<section id="module-PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator">
<span id="pyctbn-pyctbn-estimators-structure-constraint-based-estimator-module"></span><h2>PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator module<a class="headerlink" href="#module-PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.</code><code class="sig-name descname">StructureConstraintBasedEstimator</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">sample_path</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath" title="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath">PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath</a></span></em>, <em class="sig-param"><span class="n">exp_test_alfa</span><span class="p">:</span> <span class="n">float</span></em>, <em class="sig-param"><span class="n">chi_test_alfa</span><span class="p">:</span> <span class="n">float</span></em>, <em class="sig-param"><span class="n">known_edges</span><span class="p">:</span> <span class="n">List</span> <span class="o">=</span> <span class="default_value">[]</span></em>, <em class="sig-param"><span class="n">thumb_threshold</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">25</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.</span></span><span class="sig-name descname"><span class="pre">StructureConstraintBasedEstimator</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">sample_path</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath" title="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath"><span class="pre">PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">exp_test_alfa</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">chi_test_alfa</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">known_edges</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">[]</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">thumb_threshold</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">25</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <a class="reference internal" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator" title="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator"><code class="xref py py-class docutils literal notranslate"><span class="pre">PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator</span></code></a></p>
<p>Has the task of estimating the network structure given the trajectories in samplepath by using a constraint-based approach.</p>
<dl class="field-list simple">
@ -420,8 +424,8 @@ in the graph <code class="docutils literal notranslate"><span class="pre">_net_g
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.complete_test">
<code class="sig-name descname">complete_test</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">test_parent</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">test_child</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">parent_set</span><span class="p">:</span> <span class="n">List</span></em>, <em class="sig-param"><span class="n">child_states_numb</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">tot_vars_count</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">parent_indx</span></em>, <em class="sig-param"><span class="n">child_indx</span></em><span class="sig-paren">)</span> &#x2192; bool<a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.complete_test" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.complete_test">
<span class="sig-name descname"><span class="pre">complete_test</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">test_parent</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">test_child</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parent_set</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">child_states_numb</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">tot_vars_count</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parent_indx</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">child_indx</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">bool</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.complete_test" title="Permalink to this definition"></a></dt>
<dd><p>Performs a complete independence test on the directed graphs G1 = {test_child U parent_set}
G2 = {G1 U test_parent} (added as an additional parent of the test_child).
Generates all the necessary structures and datas to perform the tests.</p>
@ -445,8 +449,8 @@ Generates all the necessary structures and datas to perform the tests.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.compute_thumb_value">
<code class="sig-name descname">compute_thumb_value</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">parent_val</span></em>, <em class="sig-param"><span class="n">child_val</span></em>, <em class="sig-param"><span class="n">parent_set_vals</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.compute_thumb_value" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.compute_thumb_value">
<span class="sig-name descname"><span class="pre">compute_thumb_value</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">parent_val</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">child_val</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parent_set_vals</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.compute_thumb_value" title="Permalink to this definition"></a></dt>
<dd><p>Compute the value to test against the thumb_threshold.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -466,8 +470,10 @@ Generates all the necessary structures and datas to perform the tests.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.ctpc_algorithm">
<code class="sig-name descname">ctpc_algorithm</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">disable_multiprocessing</span><span class="p">:</span> <span class="n">bool</span> <span class="o">=</span> <span class="default_value">False</span></em>, <em class="sig-param"><span class="n">processes_number</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.ctpc_algorithm" title="Permalink to this definition"></a></dt>
<dd><p>Compute the CTPC algorithm over the entire net.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -482,9 +488,11 @@ Generates all the necessary structures and datas to perform the tests.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.estimate_structure">
<code class="sig-name descname">estimate_structure</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">disable_multiprocessing</span><span class="p">:</span> <span class="n">bool</span> <span class="o">=</span> <span class="default_value">False</span></em>, <em class="sig-param"><span class="n">processes_number</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.estimate_structure" title="Permalink to this definition"></a></dt>
<dd><p>Compute the constraint-based algorithm to find the optimal structure</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
<dd class="field-odd"><ul class="simple">
@ -498,8 +506,8 @@ Generates all the necessary structures and datas to perform the tests.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.independence_test">
<code class="sig-name descname">independence_test</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">child_states_numb</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">cim1</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix</a></span></em>, <em class="sig-param"><span class="n">cim2</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix</a></span></em>, <em class="sig-param"><span class="n">thumb_value</span><span class="p">:</span> <span class="n">float</span></em>, <em class="sig-param"><span class="n">parent_indx</span></em>, <em class="sig-param"><span class="n">child_indx</span></em><span class="sig-paren">)</span> &#x2192; bool<a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.independence_test" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.independence_test">
<span class="sig-name descname"><span class="pre">independence_test</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">child_states_numb</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">cim1</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix"><span class="pre">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">cim2</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix"><span class="pre">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">thumb_value</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">float</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parent_indx</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">child_indx</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">bool</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.independence_test" title="Permalink to this definition"></a></dt>
<dd><p>Compute the actual independence test using two cims.
It is performed first the exponential test and if the null hypothesis is not rejected,
it is performed also the chi_test.</p>
@ -521,8 +529,8 @@ it is performed also the chi_test.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.one_iteration_of_CTPC_algorithm">
<code class="sig-name descname">one_iteration_of_CTPC_algorithm</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">var_id</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">tot_vars_count</span><span class="p">:</span> <span class="n">int</span></em><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.one_iteration_of_CTPC_algorithm" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.one_iteration_of_CTPC_algorithm">
<span class="sig-name descname"><span class="pre">one_iteration_of_CTPC_algorithm</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">var_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">tot_vars_count</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.one_iteration_of_CTPC_algorithm" title="Permalink to this definition"></a></dt>
<dd><p>Performs an iteration of the CTPC algorithm using the node <code class="docutils literal notranslate"><span class="pre">var_id</span></code> as <code class="docutils literal notranslate"><span class="pre">test_child</span></code>.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -537,8 +545,8 @@ it is performed also the chi_test.</p>
<section id="module-PyCTBN.PyCTBN.estimators.structure_estimator">
<span id="pyctbn-pyctbn-estimators-structure-estimator-module"></span><h2>PyCTBN.PyCTBN.estimators.structure_estimator module<a class="headerlink" href="#module-PyCTBN.PyCTBN.estimators.structure_estimator" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.estimators.structure_estimator.</code><code class="sig-name descname">StructureEstimator</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">sample_path</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath" title="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath">PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath</a></span></em>, <em class="sig-param"><span class="n">known_edges</span><span class="p">:</span> <span class="n">List</span> <span class="o">=</span> <span class="default_value">None</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.estimators.structure_estimator.</span></span><span class="sig-name descname"><span class="pre">StructureEstimator</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">sample_path</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath" title="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath"><span class="pre">PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">known_edges</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">List</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">object</span></code></p>
<p>Has the task of estimating the network structure given the trajectories in <code class="docutils literal notranslate"><span class="pre">samplepath</span></code>.</p>
<dl class="field-list simple">
@ -562,8 +570,8 @@ it is performed also the chi_test.</p>
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.adjacency_matrix">
<code class="sig-name descname">adjacency_matrix</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; numpy.ndarray<a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.adjacency_matrix" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.adjacency_matrix">
<span class="sig-name descname"><span class="pre">adjacency_matrix</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">numpy.ndarray</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.adjacency_matrix" title="Permalink to this definition"></a></dt>
<dd><p>Converts the estimated structure <code class="docutils literal notranslate"><span class="pre">_complete_graph</span></code> to a boolean adjacency matrix representation.</p>
<dl class="field-list simple">
<dt class="field-odd">Returns</dt>
@ -576,8 +584,8 @@ it is performed also the chi_test.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.build_complete_graph">
<em class="property">static </em><code class="sig-name descname">build_complete_graph</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_ids</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; networkx.classes.digraph.DiGraph<a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.build_complete_graph" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.build_complete_graph">
<em class="property"><span class="pre">static</span> </em><span class="sig-name descname"><span class="pre">build_complete_graph</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_ids</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">networkx.classes.digraph.DiGraph</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.build_complete_graph" title="Permalink to this definition"></a></dt>
<dd><p>Builds a complete directed graph (no self loops) given the nodes labels in the list <code class="docutils literal notranslate"><span class="pre">node_ids</span></code>:</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -593,8 +601,8 @@ it is performed also the chi_test.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.build_removable_edges_matrix">
<code class="sig-name descname">build_removable_edges_matrix</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">known_edges</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.build_removable_edges_matrix" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.build_removable_edges_matrix">
<span class="sig-name descname"><span class="pre">build_removable_edges_matrix</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">known_edges</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.build_removable_edges_matrix" title="Permalink to this definition"></a></dt>
<dd><p>Builds a boolean matrix who shows if a edge could be removed or not, based on prior knowledge given:</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -610,8 +618,8 @@ it is performed also the chi_test.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.estimate_structure">
<em class="property">abstract </em><code class="sig-name descname">estimate_structure</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.estimate_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.estimate_structure">
<em class="property"><span class="pre">abstract</span> </em><span class="sig-name descname"><span class="pre">estimate_structure</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.estimate_structure" title="Permalink to this definition"></a></dt>
<dd><p>Abstract method to estimate the structure</p>
<dl class="field-list simple">
<dt class="field-odd">Returns</dt>
@ -624,8 +632,8 @@ it is performed also the chi_test.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.generate_possible_sub_sets_of_size">
<em class="property">static </em><code class="sig-name descname">generate_possible_sub_sets_of_size</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">u</span><span class="p">:</span> <span class="n">List</span></em>, <em class="sig-param"><span class="n">size</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">parent_label</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.generate_possible_sub_sets_of_size" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.generate_possible_sub_sets_of_size">
<em class="property"><span class="pre">static</span> </em><span class="sig-name descname"><span class="pre">generate_possible_sub_sets_of_size</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">u</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">size</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parent_label</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.generate_possible_sub_sets_of_size" title="Permalink to this definition"></a></dt>
<dd><p>Creates a list containing all possible subsets of the list <code class="docutils literal notranslate"><span class="pre">u</span></code> of size <code class="docutils literal notranslate"><span class="pre">size</span></code>,
that do not contains a the node identified by <code class="docutils literal notranslate"><span class="pre">parent_label</span></code>.</p>
<dl class="field-list simple">
@ -646,9 +654,11 @@ that do not contains a the node identified by <code class="docutils literal notr
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.save_plot_estimated_structure_graph">
<code class="sig-name descname">save_plot_estimated_structure_graph</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">file_path</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.save_plot_estimated_structure_graph" title="Permalink to this definition"></a></dt>
<dd><p>Plot the estimated structure in a graphical model style, use .png extension.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
<dd class="field-odd"><p><strong>file_path</strong> – path to save the file to</p>
@ -660,8 +670,8 @@ that do not contains a the node identified by <code class="docutils literal notr
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.save_results">
<code class="sig-name descname">save_results</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">file_path</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.save_results" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.save_results">
<span class="sig-name descname"><span class="pre">save_results</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">file_path</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.save_results" title="Permalink to this definition"></a></dt>
<dd><p>Save the estimated Structure to a .json file in file_path.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -671,8 +681,8 @@ that do not contains a the node identified by <code class="docutils literal notr
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.spurious_edges">
<code class="sig-name descname">spurious_edges</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.spurious_edges" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.spurious_edges">
<span class="sig-name descname"><span class="pre">spurious_edges</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.spurious_edges" title="Permalink to this definition"></a></dt>
<dd><dl class="simple">
<dt>Return the spurious edges present in the estimated structure, if a prior net structure is present in</dt><dd><p><code class="docutils literal notranslate"><span class="pre">_sample_path.structure</span></code>.</p>
</dd>
@ -693,8 +703,8 @@ that do not contains a the node identified by <code class="docutils literal notr
<section id="module-PyCTBN.PyCTBN.estimators.structure_score_based_estimator">
<span id="pyctbn-pyctbn-estimators-structure-score-based-estimator-module"></span><h2>PyCTBN.PyCTBN.estimators.structure_score_based_estimator module<a class="headerlink" href="#module-PyCTBN.PyCTBN.estimators.structure_score_based_estimator" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.estimators.structure_score_based_estimator.</code><code class="sig-name descname">StructureScoreBasedEstimator</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">sample_path</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath" title="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath">PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath</a></span></em>, <em class="sig-param"><span class="n">tau_xu</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">0.1</span></em>, <em class="sig-param"><span class="n">alpha_xu</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">1</span></em>, <em class="sig-param"><span class="n">known_edges</span><span class="p">:</span> <span class="n">List</span> <span class="o">=</span> <span class="default_value">[]</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.estimators.structure_score_based_estimator.</span></span><span class="sig-name descname"><span class="pre">StructureScoreBasedEstimator</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">sample_path</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath" title="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath"><span class="pre">PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">tau_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">0.1</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">alpha_xu</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">1</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">known_edges</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">[]</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <a class="reference internal" href="#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator" title="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator"><code class="xref py py-class docutils literal notranslate"><span class="pre">PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator</span></code></a></p>
<p>Has the task of estimating the network structure given the trajectories in samplepath by
using a score based approach and differt kinds of optimization algorithms.</p>
@ -709,8 +719,8 @@ using a score based approach and differt kinds of optimization algorithms.</p>
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator.estimate_parents">
<code class="sig-name descname">estimate_parents</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">max_parents</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">iterations_number</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">40</span></em>, <em class="sig-param"><span class="n">patience</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">10</span></em>, <em class="sig-param"><span class="n">tabu_length</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">tabu_rules_duration</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">5</span></em>, <em class="sig-param"><span class="n">optimizer</span><span class="p">:</span> <span class="n">str</span> <span class="o">=</span> <span class="default_value">'hill'</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator.estimate_parents" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator.estimate_parents">
<span class="sig-name descname"><span class="pre">estimate_parents</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">max_parents</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">int</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">iterations_number</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">40</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">patience</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">10</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">tabu_length</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">int</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">tabu_rules_duration</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">5</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">optimizer</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">'hill'</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator.estimate_parents" title="Permalink to this definition"></a></dt>
<dd><p>Use the FamScore of a node in order to find the best parent nodes</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -734,8 +744,10 @@ using a score based approach and differt kinds of optimization algorithms.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator.estimate_structure">
<code class="sig-name descname">estimate_structure</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">max_parents</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">iterations_number</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">40</span></em>, <em class="sig-param"><span class="n">patience</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">tabu_length</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">tabu_rules_duration</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">optimizer</span><span class="p">:</span> <span class="n">str</span> <span class="o">=</span> <span class="default_value">'tabu'</span></em>, <em class="sig-param"><span class="n">disable_multiprocessing</span><span class="p">:</span> <span class="n">bool</span> <span class="o">=</span> <span class="default_value">False</span></em>, <em class="sig-param"><span class="n">processes_number</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator.estimate_structure" title="Permalink to this definition"></a></dt>
<dd><p>Compute the score-based algorithm to find the optimal structure</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -756,8 +768,8 @@ using a score based approach and differt kinds of optimization algorithms.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator.get_score_from_graph">
<code class="sig-name descname">get_score_from_graph</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">graph</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph" title="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph">PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph</a></span></em>, <em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator.get_score_from_graph" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator.get_score_from_graph">
<span class="sig-name descname"><span class="pre">get_score_from_graph</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">graph</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph" title="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph"><span class="pre">PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator.get_score_from_graph" title="Permalink to this definition"></a></dt>
<dd><p>Get the FamScore of a node</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -820,6 +832,9 @@ using a score based approach and differt kinds of optimization algorithms.</p>
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -830,9 +845,6 @@ using a score based approach and differt kinds of optimization algorithms.</p>
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -142,18 +146,22 @@
<li class="toctree-l1"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html">PyCTBN.PyCTBN.structure_graph package</a><ul>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#submodules">Submodules</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.network_generator">PyCTBN.PyCTBN.structure_graph.network_generator module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.network_graph">PyCTBN.PyCTBN.structure_graph.network_graph module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.sample_path">PyCTBN.PyCTBN.structure_graph.sample_path module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.set_of_cims">PyCTBN.PyCTBN.structure_graph.set_of_cims module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.structure">PyCTBN.PyCTBN.structure_graph.structure module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.trajectory">PyCTBN.PyCTBN.structure_graph.trajectory module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.trajectory_generator">PyCTBN.PyCTBN.structure_graph.trajectory_generator module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph">Module contents</a></li>
</ul>
</li>
<li class="toctree-l1"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html">PyCTBN.PyCTBN.utility package</a><ul>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#submodules">Submodules</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_exporter">PyCTBN.PyCTBN.utility.abstract_exporter module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_importer">PyCTBN.PyCTBN.utility.abstract_importer module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.cache">PyCTBN.PyCTBN.utility.cache module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_exporter">PyCTBN.PyCTBN.utility.json_exporter module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_importer">PyCTBN.PyCTBN.utility.json_importer module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.sample_importer">PyCTBN.PyCTBN.utility.sample_importer module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility">Module contents</a></li>
@ -204,6 +212,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -214,9 +225,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -123,8 +127,8 @@
<section id="module-PyCTBN.PyCTBN.optimizers.constraint_based_optimizer">
<span id="pyctbn-pyctbn-optimizers-constraint-based-optimizer-module"></span><h2>PyCTBN.PyCTBN.optimizers.constraint_based_optimizer module<a class="headerlink" href="#module-PyCTBN.PyCTBN.optimizers.constraint_based_optimizer" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.optimizers.constraint_based_optimizer.ConstraintBasedOptimizer">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.optimizers.constraint_based_optimizer.</code><code class="sig-name descname">ConstraintBasedOptimizer</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">structure_estimator</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator" title="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator">PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator</a></span></em>, <em class="sig-param"><span class="n">tot_vars_count</span><span class="p">:</span> <span class="n">int</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.constraint_based_optimizer.ConstraintBasedOptimizer" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.optimizers.constraint_based_optimizer.ConstraintBasedOptimizer">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.optimizers.constraint_based_optimizer.</span></span><span class="sig-name descname"><span class="pre">ConstraintBasedOptimizer</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">structure_estimator</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator" title="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator"><span class="pre">PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">tot_vars_count</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.constraint_based_optimizer.ConstraintBasedOptimizer" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <a class="reference internal" href="#PyCTBN.PyCTBN.optimizers.optimizer.Optimizer" title="PyCTBN.PyCTBN.optimizers.optimizer.Optimizer"><code class="xref py py-class docutils literal notranslate"><span class="pre">PyCTBN.PyCTBN.optimizers.optimizer.Optimizer</span></code></a></p>
<p>Optimizer class that implement a CTPC Algorithm</p>
<dl class="field-list simple">
@ -137,8 +141,8 @@
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.optimizers.constraint_based_optimizer.ConstraintBasedOptimizer.optimize_structure">
<code class="sig-name descname">optimize_structure</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.constraint_based_optimizer.ConstraintBasedOptimizer.optimize_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.optimizers.constraint_based_optimizer.ConstraintBasedOptimizer.optimize_structure">
<span class="sig-name descname"><span class="pre">optimize_structure</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.constraint_based_optimizer.ConstraintBasedOptimizer.optimize_structure" title="Permalink to this definition"></a></dt>
<dd><p>Compute Optimization process for a structure_estimator by using a CTPC Algorithm</p>
<dl class="field-list simple">
<dt class="field-odd">Returns</dt>
@ -156,8 +160,8 @@
<section id="module-PyCTBN.PyCTBN.optimizers.hill_climbing_search">
<span id="pyctbn-pyctbn-optimizers-hill-climbing-search-module"></span><h2>PyCTBN.PyCTBN.optimizers.hill_climbing_search module<a class="headerlink" href="#module-PyCTBN.PyCTBN.optimizers.hill_climbing_search" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.optimizers.hill_climbing_search.HillClimbing">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.optimizers.hill_climbing_search.</code><code class="sig-name descname">HillClimbing</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">structure_estimator</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator" title="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator">PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator</a></span></em>, <em class="sig-param"><span class="n">max_parents</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">iterations_number</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">40</span></em>, <em class="sig-param"><span class="n">patience</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.hill_climbing_search.HillClimbing" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.optimizers.hill_climbing_search.HillClimbing">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.optimizers.hill_climbing_search.</span></span><span class="sig-name descname"><span class="pre">HillClimbing</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">structure_estimator</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator" title="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator"><span class="pre">PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">max_parents</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">int</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">iterations_number</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">40</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">patience</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">int</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.hill_climbing_search.HillClimbing" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <a class="reference internal" href="#PyCTBN.PyCTBN.optimizers.optimizer.Optimizer" title="PyCTBN.PyCTBN.optimizers.optimizer.Optimizer"><code class="xref py py-class docutils literal notranslate"><span class="pre">PyCTBN.PyCTBN.optimizers.optimizer.Optimizer</span></code></a></p>
<p>Optimizer class that implement Hill Climbing Search</p>
<dl class="field-list simple">
@ -172,8 +176,8 @@
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.optimizers.hill_climbing_search.HillClimbing.optimize_structure">
<code class="sig-name descname">optimize_structure</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.hill_climbing_search.HillClimbing.optimize_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.optimizers.hill_climbing_search.HillClimbing.optimize_structure">
<span class="sig-name descname"><span class="pre">optimize_structure</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.hill_climbing_search.HillClimbing.optimize_structure" title="Permalink to this definition"></a></dt>
<dd><p>Compute Optimization process for a structure_estimator by using a Hill Climbing Algorithm</p>
<dl class="field-list simple">
<dt class="field-odd">Returns</dt>
@ -191,8 +195,8 @@
<section id="module-PyCTBN.PyCTBN.optimizers.optimizer">
<span id="pyctbn-pyctbn-optimizers-optimizer-module"></span><h2>PyCTBN.PyCTBN.optimizers.optimizer module<a class="headerlink" href="#module-PyCTBN.PyCTBN.optimizers.optimizer" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.optimizers.optimizer.Optimizer">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.optimizers.optimizer.</code><code class="sig-name descname">Optimizer</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">structure_estimator</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator" title="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator">PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator</a></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.optimizer.Optimizer" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.optimizers.optimizer.Optimizer">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.optimizers.optimizer.</span></span><span class="sig-name descname"><span class="pre">Optimizer</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">structure_estimator</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator" title="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator"><span class="pre">PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator</span></a></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.optimizer.Optimizer" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">abc.ABC</span></code></p>
<p>Interface class for all the optimizer’s child PyCTBN</p>
<dl class="field-list simple">
@ -204,8 +208,8 @@
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.optimizers.optimizer.Optimizer.optimize_structure">
<em class="property">abstract </em><code class="sig-name descname">optimize_structure</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.optimizer.Optimizer.optimize_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.optimizers.optimizer.Optimizer.optimize_structure">
<em class="property"><span class="pre">abstract</span> </em><span class="sig-name descname"><span class="pre">optimize_structure</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.optimizer.Optimizer.optimize_structure" title="Permalink to this definition"></a></dt>
<dd><p>Compute Optimization process for a structure_estimator</p>
<dl class="field-list simple">
<dt class="field-odd">Returns</dt>
@ -223,8 +227,8 @@
<section id="module-PyCTBN.PyCTBN.optimizers.tabu_search">
<span id="pyctbn-pyctbn-optimizers-tabu-search-module"></span><h2>PyCTBN.PyCTBN.optimizers.tabu_search module<a class="headerlink" href="#module-PyCTBN.PyCTBN.optimizers.tabu_search" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.optimizers.tabu_search.TabuSearch">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.optimizers.tabu_search.</code><code class="sig-name descname">TabuSearch</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">structure_estimator</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator" title="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator">PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator</a></span></em>, <em class="sig-param"><span class="n">max_parents</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">iterations_number</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">40</span></em>, <em class="sig-param"><span class="n">patience</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">tabu_length</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">tabu_rules_duration</span><span class="o">=</span><span class="default_value">None</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.tabu_search.TabuSearch" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.optimizers.tabu_search.TabuSearch">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.optimizers.tabu_search.</span></span><span class="sig-name descname"><span class="pre">TabuSearch</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">structure_estimator</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator" title="PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator"><span class="pre">PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator</span></a></span></em>, <em class="sig-param"><span class="n"><span class="pre">max_parents</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">int</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">iterations_number</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">40</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">patience</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">int</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">tabu_length</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">int</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">tabu_rules_duration</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">None</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.tabu_search.TabuSearch" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <a class="reference internal" href="#PyCTBN.PyCTBN.optimizers.optimizer.Optimizer" title="PyCTBN.PyCTBN.optimizers.optimizer.Optimizer"><code class="xref py py-class docutils literal notranslate"><span class="pre">PyCTBN.PyCTBN.optimizers.optimizer.Optimizer</span></code></a></p>
<p>Optimizer class that implement Tabu Search</p>
<dl class="field-list simple">
@ -241,8 +245,8 @@
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.optimizers.tabu_search.TabuSearch.optimize_structure">
<code class="sig-name descname">optimize_structure</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.tabu_search.TabuSearch.optimize_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.optimizers.tabu_search.TabuSearch.optimize_structure">
<span class="sig-name descname"><span class="pre">optimize_structure</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.optimizers.tabu_search.TabuSearch.optimize_structure" title="Permalink to this definition"></a></dt>
<dd><p>Compute Optimization process for a structure_estimator by using a Hill Climbing Algorithm</p>
<dl class="field-list simple">
<dt class="field-odd">Returns</dt>
@ -299,6 +303,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -309,9 +316,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -123,8 +127,8 @@
<section id="module-PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix">
<span id="pyctbn-pyctbn-structure-graph-conditional-intensity-matrix-module"></span><h2>PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix module<a class="headerlink" href="#module-PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.</code><code class="sig-name descname">ConditionalIntensityMatrix</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">state_residence_times</span><span class="p">:</span> <span class="n">numpy.array</span></em>, <em class="sig-param"><span class="n">state_transition_matrix</span><span class="p">:</span> <span class="n">numpy.array</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.</span></span><span class="sig-name descname"><span class="pre">ConditionalIntensityMatrix</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">state_residence_times</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">numpy.array</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">state_transition_matrix</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">numpy.array</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">cim</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">numpy.array</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">object</span></code></p>
<p>Abstracts the Conditional Intesity matrix of a node as aggregation of the state residence times vector
and state transition matrix and the actual CIM matrix.</p>
@ -139,26 +143,103 @@ and state transition matrix and the actual CIM matrix.</p>
<dd class="field-even"><p>the actual cim of the node</p>
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.cim">
<em class="property">property </em><code class="sig-name descname">cim</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.cim" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.cim">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">cim</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.cim" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.compute_cim_coefficients">
<code class="sig-name descname">compute_cim_coefficients</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.compute_cim_coefficients" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.compute_cim_coefficients">
<span class="sig-name descname"><span class="pre">compute_cim_coefficients</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.compute_cim_coefficients" title="Permalink to this definition"></a></dt>
<dd><p>Compute the coefficients of the matrix _cim by using the following equality q_xx’ = M[x, x’] / T[x].
The class member <code class="docutils literal notranslate"><span class="pre">_cim</span></code> will contain the computed cim</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.state_residence_times">
<em class="property">property </em><code class="sig-name descname">state_residence_times</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.state_residence_times" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.state_residence_times">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">state_residence_times</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.state_residence_times" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.state_transition_matrix">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">state_transition_matrix</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.state_transition_matrix" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
</div>
<div class="section" id="module-PyCTBN.PyCTBN.structure_graph.network_generator">
<span id="pyctbn-pyctbn-structure-graph-network-generator-module"></span><h2>PyCTBN.PyCTBN.structure_graph.network_generator module<a class="headerlink" href="#module-PyCTBN.PyCTBN.structure_graph.network_generator" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.structure_graph.network_generator.</span></span><span class="sig-name descname"><span class="pre">NetworkGenerator</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">labels</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">vals</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">object</span></code></p>
<p>Provides the methods to generate a network graph and the CIMs related to it
Items in _labels, _vals and _indxs are related, and therefore respect the same order</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
<dd class="field-odd"><ul class="simple">
<li><p><strong>_labels</strong> (<em>List</em>) – List of variables labels that will be part of the network</p></li>
<li><p><strong>_vals</strong> (<em>List</em>) – List of cardinalities of the variables in network (defined in the same order as _labels)</p></li>
<li><p><strong>_indxs</strong> (<em>List</em>) – List of the nodes indexes</p></li>
<li><p><strong>_cims</strong> (<em>Dict</em>) – It contains, for each variable label (the key), the SetOfCims object related to it</p></li>
<li><p><strong>_graph</strong> (<a class="reference internal" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph" title="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph"><em>NetworkGraph</em></a>) – The NetworkGraph object representing the generated structure</p></li>
</ul>
</dd>
</dl>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.cims">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">cims</span></span><em class="property"><span class="pre">:</span> <span class="pre">dict</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.cims" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.dyn_str">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">dyn_str</span></span><em class="property"><span class="pre">:</span> <span class="pre">list</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.dyn_str" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.generate_cims">
<span class="sig-name descname"><span class="pre">generate_cims</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">min_val</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">max_val</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.generate_cims" title="Permalink to this definition"></a></dt>
<dd><dl class="simple">
<dt>For each node, generate the corresponding SetOfCims. The objective is to group the CIMs </dt><dd><p>(actually generated by private method __generate_cim) according to parents possibles states of every node.
This method must obviously be executed after the graph has been generated.</p>
</dd>
</dl>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
<dd class="field-odd"><ul class="simple">
<li><p><strong>min_val</strong> (<em>float</em>) – Minimum value allowed for the coefficients in the CIMs</p></li>
<li><p><strong>max_val</strong> (<em>float</em>) – Maximum value allowed for the coefficients in the CIMs</p></li>
</ul>
</dd>
</dl>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.state_transition_matrix">
<em class="property">property </em><code class="sig-name descname">state_transition_matrix</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.state_transition_matrix" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.generate_graph">
<span class="sig-name descname"><span class="pre">generate_graph</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">density</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">fixed</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">bool</span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">False</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.generate_graph" title="Permalink to this definition"></a></dt>
<dd><dl class="simple">
<dt>Generate the edges according to specified density, and then instantiate the NetworkGraph object</dt><dd><p>to represent the network</p>
</dd>
</dl>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
<dd class="field-odd"><ul class="simple">
<li><p><strong>density</strong> (<em>float</em>) – Probability of an edge between two nodes to exist</p></li>
<li><p><strong>fixed</strong> (<em>bool</em>) – Specifies whether the required density is mandatory or it’s just a probability</p></li>
</ul>
</dd>
</dl>
</dd></dl>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.graph">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">graph</span></span><em class="property"><span class="pre">:</span> <span class="pre">PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.graph" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.variables">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">variables</span></span><em class="property"><span class="pre">:</span> <span class="pre">list</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.variables" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -167,8 +248,8 @@ The class member <code class="docutils literal notranslate"><span class="pre">_c
<section id="module-PyCTBN.PyCTBN.structure_graph.network_graph">
<span id="pyctbn-pyctbn-structure-graph-network-graph-module"></span><h2>PyCTBN.PyCTBN.structure_graph.network_graph module<a class="headerlink" href="#module-PyCTBN.PyCTBN.structure_graph.network_graph" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.structure_graph.network_graph.</code><code class="sig-name descname">NetworkGraph</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">graph_struct</span><span class="p">:</span> <span class="n"><a class="reference internal" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure" title="PyCTBN.PyCTBN.structure_graph.structure.Structure">PyCTBN.PyCTBN.structure_graph.structure.Structure</a></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.structure_graph.network_graph.</span></span><span class="sig-name descname"><span class="pre">NetworkGraph</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">graph_struct</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure" title="PyCTBN.PyCTBN.structure_graph.structure.Structure"><span class="pre">PyCTBN.PyCTBN.structure_graph.structure.Structure</span></a></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">object</span></code></p>
<p>Abstracts the infos contained in the Structure class in the form of a directed graph.
Has the task of creating all the necessary filtering and indexing structures for parameters estimation</p>
@ -201,8 +282,8 @@ from one state to another</p>
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.add_edges">
<code class="sig-name descname">add_edges</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">list_of_edges</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.add_edges" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.add_edges">
<span class="sig-name descname"><span class="pre">add_edges</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">list_of_edges</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.add_edges" title="Permalink to this definition"></a></dt>
<dd><p>Add the edges to the <code class="docutils literal notranslate"><span class="pre">_graph</span></code> contained in the list <code class="docutils literal notranslate"><span class="pre">list_of_edges</span></code>.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -212,8 +293,8 @@ from one state to another</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.add_nodes">
<code class="sig-name descname">add_nodes</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">list_of_nodes</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.add_nodes" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.add_nodes">
<span class="sig-name descname"><span class="pre">add_nodes</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">list_of_nodes</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.add_nodes" title="Permalink to this definition"></a></dt>
<dd><p>Adds the nodes to the <code class="docutils literal notranslate"><span class="pre">_graph</span></code> contained in the list of nodes <code class="docutils literal notranslate"><span class="pre">list_of_nodes</span></code>.
Sets all the properties that identify a nodes (index, positional index, cardinality)</p>
<dl class="field-list simple">
@ -224,8 +305,8 @@ Sets all the properties that identify a nodes (index, positional index, cardinal
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_p_comb_structure_for_a_node">
<em class="property">static </em><code class="sig-name descname">build_p_comb_structure_for_a_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">parents_values</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; numpy.ndarray<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_p_comb_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_p_comb_structure_for_a_node">
<em class="property"><span class="pre">static</span> </em><span class="sig-name descname"><span class="pre">build_p_comb_structure_for_a_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">parents_values</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">numpy.ndarray</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_p_comb_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dd><p>Builds the combinatorial structure that contains the combinations of all the values contained in
<code class="docutils literal notranslate"><span class="pre">parents_values</span></code>.</p>
<dl class="field-list simple">
@ -242,8 +323,8 @@ Sets all the properties that identify a nodes (index, positional index, cardinal
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_time_columns_filtering_for_a_node">
<em class="property">static </em><code class="sig-name descname">build_time_columns_filtering_for_a_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_indx</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">p_indxs</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; numpy.ndarray<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_time_columns_filtering_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_time_columns_filtering_for_a_node">
<em class="property"><span class="pre">static</span> </em><span class="sig-name descname"><span class="pre">build_time_columns_filtering_for_a_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_indx</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">p_indxs</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">numpy.ndarray</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_time_columns_filtering_for_a_node" title="Permalink to this definition"></a></dt>
<dd><p>Builds the necessary structure to filter the desired columns indicated by <code class="docutils literal notranslate"><span class="pre">node_indx</span></code> and <code class="docutils literal notranslate"><span class="pre">p_indxs</span></code>
in the dataset.
This structute will be used in the computation of the state res times.
@ -256,8 +337,8 @@ This structute will be used in the computation of the state res times.
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_time_scalar_indexing_structure_for_a_node">
<em class="property">static </em><code class="sig-name descname">build_time_scalar_indexing_structure_for_a_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_states</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">parents_vals</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; numpy.ndarray<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_time_scalar_indexing_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_time_scalar_indexing_structure_for_a_node">
<em class="property"><span class="pre">static</span> </em><span class="sig-name descname"><span class="pre">build_time_scalar_indexing_structure_for_a_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_states</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parents_vals</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">numpy.ndarray</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_time_scalar_indexing_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dd><p>Builds an indexing structure for the computation of state residence times values.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -276,8 +357,8 @@ This structute will be used in the computation of the state res times.
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_transition_filtering_for_a_node">
<em class="property">static </em><code class="sig-name descname">build_transition_filtering_for_a_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_indx</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">p_indxs</span><span class="p">:</span> <span class="n">List</span></em>, <em class="sig-param"><span class="n">nodes_number</span><span class="p">:</span> <span class="n">int</span></em><span class="sig-paren">)</span> &#x2192; numpy.ndarray<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_transition_filtering_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_transition_filtering_for_a_node">
<em class="property"><span class="pre">static</span> </em><span class="sig-name descname"><span class="pre">build_transition_filtering_for_a_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_indx</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">p_indxs</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">nodes_number</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">numpy.ndarray</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_transition_filtering_for_a_node" title="Permalink to this definition"></a></dt>
<dd><p>Builds the necessary structure to filter the desired columns indicated by <code class="docutils literal notranslate"><span class="pre">node_indx</span></code> and <code class="docutils literal notranslate"><span class="pre">p_indxs</span></code>
in the dataset.
This structure will be used in the computation of the state transitions values.
@ -292,8 +373,8 @@ This structure will be used in the computation of the state transitions values.
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_transition_scalar_indexing_structure_for_a_node">
<em class="property">static </em><code class="sig-name descname">build_transition_scalar_indexing_structure_for_a_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_states_number</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">parents_vals</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; numpy.ndarray<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_transition_scalar_indexing_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_transition_scalar_indexing_structure_for_a_node">
<em class="property"><span class="pre">static</span> </em><span class="sig-name descname"><span class="pre">build_transition_scalar_indexing_structure_for_a_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_states_number</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parents_vals</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">numpy.ndarray</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.build_transition_scalar_indexing_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dd><p>Builds an indexing structure for the computation of state transitions values.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -312,19 +393,19 @@ This structure will be used in the computation of the state transitions values.
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.clear_indexing_filtering_structures">
<code class="sig-name descname">clear_indexing_filtering_structures</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.clear_indexing_filtering_structures" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.clear_indexing_filtering_structures">
<span class="sig-name descname"><span class="pre">clear_indexing_filtering_structures</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.clear_indexing_filtering_structures" title="Permalink to this definition"></a></dt>
<dd><p>Initialize all the filtering/indexing structures.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.edges">
<em class="property">property </em><code class="sig-name descname">edges</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.edges" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.edges">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">edges</span></span><em class="property"><span class="pre">:</span> <span class="pre">List</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.edges" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.fast_init">
<code class="sig-name descname">fast_init</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.fast_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.fast_init">
<span class="sig-name descname"><span class="pre">fast_init</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.fast_init" title="Permalink to this definition"></a></dt>
<dd><p>Initializes all the necessary structures for parameters estimation of the node identified by the label
node_id</p>
<dl class="field-list simple">
@ -335,13 +416,13 @@ node_id</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_node_indx">
<code class="sig-name descname">get_node_indx</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span></em><span class="sig-paren">)</span> &#x2192; int<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_node_indx" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_node_indx">
<span class="sig-name descname"><span class="pre">get_node_indx</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">int</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_node_indx" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_ordered_by_indx_set_of_parents">
<code class="sig-name descname">get_ordered_by_indx_set_of_parents</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; Tuple<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_ordered_by_indx_set_of_parents" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_ordered_by_indx_set_of_parents">
<span class="sig-name descname"><span class="pre">get_ordered_by_indx_set_of_parents</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">Tuple</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_ordered_by_indx_set_of_parents" title="Permalink to this definition"></a></dt>
<dd><p>Builds the aggregated structure that holds all the infos relative to the parent set of the node, namely
(parents_labels, parents_indexes, parents_cardinalities).</p>
<dl class="field-list simple">
@ -358,8 +439,8 @@ node_id</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_parents_by_id">
<code class="sig-name descname">get_parents_by_id</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span></em><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_parents_by_id" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_parents_by_id">
<span class="sig-name descname"><span class="pre">get_parents_by_id</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_parents_by_id" title="Permalink to this definition"></a></dt>
<dd><p>Returns a list of labels of the parents of the node <code class="docutils literal notranslate"><span class="pre">node_id</span></code></p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -375,18 +456,18 @@ node_id</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_positional_node_indx">
<code class="sig-name descname">get_positional_node_indx</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span></em><span class="sig-paren">)</span> &#x2192; int<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_positional_node_indx" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_positional_node_indx">
<span class="sig-name descname"><span class="pre">get_positional_node_indx</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">int</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_positional_node_indx" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_states_number">
<code class="sig-name descname">get_states_number</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span></em><span class="sig-paren">)</span> &#x2192; int<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_states_number" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_states_number">
<span class="sig-name descname"><span class="pre">get_states_number</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">int</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.get_states_number" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.has_edge">
<code class="sig-name descname">has_edge</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">edge</span><span class="p">:</span> <span class="n">tuple</span></em><span class="sig-paren">)</span> &#x2192; bool<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.has_edge" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.has_edge">
<span class="sig-name descname"><span class="pre">has_edge</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">edge</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">tuple</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">bool</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.has_edge" title="Permalink to this definition"></a></dt>
<dd><p>Check if the graph contains a specific edge</p>
<dl class="simple">
<dt>Parameters:</dt><dd><p>edge: a tuple that rappresents the edge</p>
@ -396,29 +477,29 @@ node_id</p>
</dl>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes">
<em class="property">property </em><code class="sig-name descname">nodes</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">nodes</span></span><em class="property"><span class="pre">:</span> <span class="pre">List</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes_indexes">
<em class="property">property </em><code class="sig-name descname">nodes_indexes</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes_indexes" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes_indexes">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">nodes_indexes</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes_indexes" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes_values">
<em class="property">property </em><code class="sig-name descname">nodes_values</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes_values" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes_values">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">nodes_values</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes_values" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.p_combs">
<em class="property">property </em><code class="sig-name descname">p_combs</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.p_combs" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.p_combs">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">p_combs</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.p_combs" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.remove_edges">
<code class="sig-name descname">remove_edges</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">list_of_edges</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.remove_edges" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.remove_edges">
<span class="sig-name descname"><span class="pre">remove_edges</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">list_of_edges</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.remove_edges" title="Permalink to this definition"></a></dt>
<dd><p>Remove the edges to the graph contained in the list list_of_edges.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -428,30 +509,30 @@ node_id</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.remove_node">
<code class="sig-name descname">remove_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.remove_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.remove_node">
<span class="sig-name descname"><span class="pre">remove_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.remove_node" title="Permalink to this definition"></a></dt>
<dd><p>Remove the node <code class="docutils literal notranslate"><span class="pre">node_id</span></code> from all the class members.
Initialize all the filtering/indexing structures.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.time_filtering">
<em class="property">property </em><code class="sig-name descname">time_filtering</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.time_filtering" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.time_filtering">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">time_filtering</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.time_filtering" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.time_scalar_indexing_strucure">
<em class="property">property </em><code class="sig-name descname">time_scalar_indexing_strucure</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.time_scalar_indexing_strucure" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.time_scalar_indexing_strucure">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">time_scalar_indexing_strucure</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.time_scalar_indexing_strucure" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.transition_filtering">
<em class="property">property </em><code class="sig-name descname">transition_filtering</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.transition_filtering" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.transition_filtering">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">transition_filtering</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.transition_filtering" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.transition_scalar_indexing_structure">
<em class="property">property </em><code class="sig-name descname">transition_scalar_indexing_structure</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.transition_scalar_indexing_structure" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.transition_scalar_indexing_structure">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">transition_scalar_indexing_structure</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.transition_scalar_indexing_structure" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -460,8 +541,8 @@ Initialize all the filtering/indexing structures.</p>
<section id="module-PyCTBN.PyCTBN.structure_graph.sample_path">
<span id="pyctbn-pyctbn-structure-graph-sample-path-module"></span><h2>PyCTBN.PyCTBN.structure_graph.sample_path module<a class="headerlink" href="#module-PyCTBN.PyCTBN.structure_graph.sample_path" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.structure_graph.sample_path.</code><code class="sig-name descname">SamplePath</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">importer</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter" title="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter">PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter</a></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.structure_graph.sample_path.</span></span><span class="sig-name descname"><span class="pre">SamplePath</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">importer</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter" title="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter"><span class="pre">PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter</span></a></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">object</span></code></p>
<p>Aggregates all the informations about the trajectories, the real structure of the sampled net and variables
cardinalites. Has the task of creating the objects <code class="docutils literal notranslate"><span class="pre">Trajectory</span></code> and <code class="docutils literal notranslate"><span class="pre">Structure</span></code> that will
@ -481,41 +562,41 @@ contain the mentioned data.</p>
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.build_structure">
<code class="sig-name descname">build_structure</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.build_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.build_structure">
<span class="sig-name descname"><span class="pre">build_structure</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.build_structure" title="Permalink to this definition"></a></dt>
<dd><p>Builds the <code class="docutils literal notranslate"><span class="pre">Structure</span></code> object that aggregates all the infos about the net.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.build_trajectories">
<code class="sig-name descname">build_trajectories</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.build_trajectories" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.build_trajectories">
<span class="sig-name descname"><span class="pre">build_trajectories</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.build_trajectories" title="Permalink to this definition"></a></dt>
<dd><p>Builds the Trajectory object that will contain all the trajectories.
Clears all the unused dataframes in <code class="docutils literal notranslate"><span class="pre">_importer</span></code> Object</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.clear_memory">
<code class="sig-name descname">clear_memory</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.clear_memory" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.clear_memory">
<span class="sig-name descname"><span class="pre">clear_memory</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.clear_memory" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.has_prior_net_structure">
<em class="property">property </em><code class="sig-name descname">has_prior_net_structure</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.has_prior_net_structure" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.has_prior_net_structure">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">has_prior_net_structure</span></span><em class="property"><span class="pre">:</span> <span class="pre">bool</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.has_prior_net_structure" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.structure">
<em class="property">property </em><code class="sig-name descname">structure</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.structure" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.structure">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">structure</span></span><em class="property"><span class="pre">:</span> <span class="pre">PyCTBN.PyCTBN.structure_graph.structure.Structure</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.structure" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.total_variables_count">
<em class="property">property </em><code class="sig-name descname">total_variables_count</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.total_variables_count" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.total_variables_count">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">total_variables_count</span></span><em class="property"><span class="pre">:</span> <span class="pre">int</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.total_variables_count" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.trajectories">
<em class="property">property </em><code class="sig-name descname">trajectories</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.trajectories" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.trajectories">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">trajectories</span></span><em class="property"><span class="pre">:</span> <span class="pre">PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.trajectories" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -524,8 +605,8 @@ Clears all the unused dataframes in <code class="docutils literal notranslate"><
<section id="module-PyCTBN.PyCTBN.structure_graph.set_of_cims">
<span id="pyctbn-pyctbn-structure-graph-set-of-cims-module"></span><h2>PyCTBN.PyCTBN.structure_graph.set_of_cims module<a class="headerlink" href="#module-PyCTBN.PyCTBN.structure_graph.set_of_cims" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.structure_graph.set_of_cims.</code><code class="sig-name descname">SetOfCims</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">parents_states_number</span><span class="p">:</span> <span class="n">List</span></em>, <em class="sig-param"><span class="n">node_states_number</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">p_combs</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.structure_graph.set_of_cims.</span></span><span class="sig-name descname"><span class="pre">SetOfCims</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parents_states_number</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">node_states_number</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">p_combs</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">cims</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">numpy.ndarray</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">object</span></code></p>
<p>Aggregates all the CIMS of the node identified by the label _node_id.</p>
<dl class="field-list simple">
@ -547,14 +628,14 @@ Clears all the unused dataframes in <code class="docutils literal notranslate"><
<dd class="field-even"><p>the cims of the node</p>
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.actual_cims">
<em class="property">property </em><code class="sig-name descname">actual_cims</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.actual_cims" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.actual_cims">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">actual_cims</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.actual_cims" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.build_cims">
<code class="sig-name descname">build_cims</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">state_res_times</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em>, <em class="sig-param"><span class="n">transition_matrices</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.build_cims" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.build_cims">
<span class="sig-name descname"><span class="pre">build_cims</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">state_res_times</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">transition_matrices</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.build_cims" title="Permalink to this definition"></a></dt>
<dd><p>Build the <code class="docutils literal notranslate"><span class="pre">ConditionalIntensityMatrix</span></code> objects given the state residence times and transitions matrices.
Compute the cim coefficients.The class member <code class="docutils literal notranslate"><span class="pre">_actual_cims</span></code> will contain the computed cims.</p>
<dl class="field-list simple">
@ -568,14 +649,14 @@ Compute the cim coefficients.The class member <code class="docutils literal notr
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.build_times_and_transitions_structures">
<code class="sig-name descname">build_times_and_transitions_structures</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.build_times_and_transitions_structures" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.build_times_and_transitions_structures">
<span class="sig-name descname"><span class="pre">build_times_and_transitions_structures</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.build_times_and_transitions_structures" title="Permalink to this definition"></a></dt>
<dd><p>Initializes at the correct dimensions the state residence times matrix and the state transition matrices.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.filter_cims_with_mask">
<code class="sig-name descname">filter_cims_with_mask</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">mask_arr</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em>, <em class="sig-param"><span class="n">comb</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; numpy.ndarray<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.filter_cims_with_mask" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.filter_cims_with_mask">
<span class="sig-name descname"><span class="pre">filter_cims_with_mask</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">mask_arr</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">comb</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">numpy.ndarray</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.filter_cims_with_mask" title="Permalink to this definition"></a></dt>
<dd><p>Filter the cims contained in the array <code class="docutils literal notranslate"><span class="pre">_actual_cims</span></code> given the boolean mask <code class="docutils literal notranslate"><span class="pre">mask_arr</span></code> and the index
<code class="docutils literal notranslate"><span class="pre">comb</span></code>.</p>
<dl class="field-list simple">
@ -595,13 +676,13 @@ Compute the cim coefficients.The class member <code class="docutils literal notr
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.get_cims_number">
<code class="sig-name descname">get_cims_number</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.get_cims_number" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.get_cims_number">
<span class="sig-name descname"><span class="pre">get_cims_number</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.get_cims_number" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.p_combs">
<em class="property">property </em><code class="sig-name descname">p_combs</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.p_combs" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.p_combs">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">p_combs</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.p_combs" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -610,8 +691,8 @@ Compute the cim coefficients.The class member <code class="docutils literal notr
<section id="module-PyCTBN.PyCTBN.structure_graph.structure">
<span id="pyctbn-pyctbn-structure-graph-structure-module"></span><h2>PyCTBN.PyCTBN.structure_graph.structure module<a class="headerlink" href="#module-PyCTBN.PyCTBN.structure_graph.structure" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.structure_graph.structure.</code><code class="sig-name descname">Structure</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">nodes_labels_list</span><span class="p">:</span> <span class="n">List</span></em>, <em class="sig-param"><span class="n">nodes_indexes_arr</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em>, <em class="sig-param"><span class="n">nodes_vals_arr</span><span class="p">:</span> <span class="n">numpy.ndarray</span></em>, <em class="sig-param"><span class="n">edges_list</span><span class="p">:</span> <span class="n">List</span></em>, <em class="sig-param"><span class="n">total_variables_number</span><span class="p">:</span> <span class="n">int</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.structure_graph.structure.</span></span><span class="sig-name descname"><span class="pre">Structure</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">nodes_labels_list</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">nodes_indexes_arr</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">nodes_vals_arr</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">numpy.ndarray</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">edges_list</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">total_variables_number</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">object</span></code></p>
<p>Contains all the infos about the network structure(nodes labels, nodes caridinalites, edges, indexes)</p>
<dl class="field-list simple">
@ -626,28 +707,28 @@ Compute the cim coefficients.The class member <code class="docutils literal notr
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.add_edge">
<code class="sig-name descname">add_edge</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">edge</span><span class="p">:</span> <span class="n">tuple</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.add_edge" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.add_edge">
<span class="sig-name descname"><span class="pre">add_edge</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">edge</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">tuple</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.add_edge" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.clean_structure_edges">
<code class="sig-name descname">clean_structure_edges</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.clean_structure_edges" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.clean_structure_edges">
<span class="sig-name descname"><span class="pre">clean_structure_edges</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.clean_structure_edges" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.contains_edge">
<code class="sig-name descname">contains_edge</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">edge</span><span class="p">:</span> <span class="n">tuple</span></em><span class="sig-paren">)</span> &#x2192; bool<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.contains_edge" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.contains_edge">
<span class="sig-name descname"><span class="pre">contains_edge</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">edge</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">tuple</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">bool</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.contains_edge" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.edges">
<em class="property">property </em><code class="sig-name descname">edges</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.edges" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.edges">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">edges</span></span><em class="property"><span class="pre">:</span> <span class="pre">List</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.edges" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.get_node_id">
<code class="sig-name descname">get_node_id</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_indx</span><span class="p">:</span> <span class="n">int</span></em><span class="sig-paren">)</span> &#x2192; str<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.get_node_id" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.get_node_id">
<span class="sig-name descname"><span class="pre">get_node_id</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_indx</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">str</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.get_node_id" title="Permalink to this definition"></a></dt>
<dd><p>Given the <code class="docutils literal notranslate"><span class="pre">node_index</span></code> returns the node label.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -663,8 +744,8 @@ Compute the cim coefficients.The class member <code class="docutils literal notr
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.get_node_indx">
<code class="sig-name descname">get_node_indx</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; int<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.get_node_indx" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.get_node_indx">
<span class="sig-name descname"><span class="pre">get_node_indx</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">int</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.get_node_indx" title="Permalink to this definition"></a></dt>
<dd><p>Given the <code class="docutils literal notranslate"><span class="pre">node_index</span></code> returns the node label.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -680,13 +761,13 @@ Compute the cim coefficients.The class member <code class="docutils literal notr
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.get_positional_node_indx">
<code class="sig-name descname">get_positional_node_indx</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; int<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.get_positional_node_indx" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.get_positional_node_indx">
<span class="sig-name descname"><span class="pre">get_positional_node_indx</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">int</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.get_positional_node_indx" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.get_states_number">
<code class="sig-name descname">get_states_number</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; int<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.get_states_number" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.get_states_number">
<span class="sig-name descname"><span class="pre">get_states_number</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">int</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.get_states_number" title="Permalink to this definition"></a></dt>
<dd><p>Given the node label <code class="docutils literal notranslate"><span class="pre">node</span></code> returns the cardinality of the node.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -701,36 +782,36 @@ Compute the cim coefficients.The class member <code class="docutils literal notr
</dl>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_indexes">
<em class="property">property </em><code class="sig-name descname">nodes_indexes</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_indexes" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_indexes">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">nodes_indexes</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_indexes" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_labels">
<em class="property">property </em><code class="sig-name descname">nodes_labels</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_labels" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_labels">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">nodes_labels</span></span><em class="property"><span class="pre">:</span> <span class="pre">List</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_labels" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_values">
<em class="property">property </em><code class="sig-name descname">nodes_values</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_values" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_values">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">nodes_values</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_values" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.remove_edge">
<code class="sig-name descname">remove_edge</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">edge</span><span class="p">:</span> <span class="n">tuple</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.remove_edge" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.remove_edge">
<span class="sig-name descname"><span class="pre">remove_edge</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">edge</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">tuple</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.remove_edge" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.remove_node">
<code class="sig-name descname">remove_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.remove_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.remove_node">
<span class="sig-name descname"><span class="pre">remove_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.remove_node" title="Permalink to this definition"></a></dt>
<dd><p>Remove the node <code class="docutils literal notranslate"><span class="pre">node_id</span></code> from all the class members.
The class member <code class="docutils literal notranslate"><span class="pre">_total_variables_number</span></code> since it refers to the total number of variables in the dataset.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.structure.Structure.total_variables_number">
<em class="property">property </em><code class="sig-name descname">total_variables_number</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.total_variables_number" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.structure.Structure.total_variables_number">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">total_variables_number</span></span><em class="property"><span class="pre">:</span> <span class="pre">int</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.structure.Structure.total_variables_number" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -739,8 +820,8 @@ The class member <code class="docutils literal notranslate"><span class="pre">_t
<section id="module-PyCTBN.PyCTBN.structure_graph.trajectory">
<span id="pyctbn-pyctbn-structure-graph-trajectory-module"></span><h2>PyCTBN.PyCTBN.structure_graph.trajectory module<a class="headerlink" href="#module-PyCTBN.PyCTBN.structure_graph.trajectory" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.structure_graph.trajectory.</code><code class="sig-name descname">Trajectory</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">list_of_columns</span><span class="p">:</span> <span class="n">List</span></em>, <em class="sig-param"><span class="n">original_cols_number</span><span class="p">:</span> <span class="n">int</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.structure_graph.trajectory.</span></span><span class="sig-name descname"><span class="pre">Trajectory</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">list_of_columns</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">original_cols_number</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">object</span></code></p>
<p>Abstracts the infos about a complete set of trajectories, represented as a numpy array of doubles
(the time deltas) and a numpy matrix of ints (the changes of states).</p>
@ -758,30 +839,32 @@ The class member <code class="docutils literal notranslate"><span class="pre">_t
<dd class="field-odd"><p>the array containing the time deltas</p>
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.complete_trajectory">
<em class="property">property </em><code class="sig-name descname">complete_trajectory</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.complete_trajectory" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.complete_trajectory">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">complete_trajectory</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.complete_trajectory" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.size">
<code class="sig-name descname">size</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.size" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.size">
<span class="sig-name descname"><span class="pre">size</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.size" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.times">
<em class="property">property </em><code class="sig-name descname">times</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.times" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.times">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">times</span></span><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.times" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.trajectory">
<em class="property">property </em><code class="sig-name descname">trajectory</code><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.trajectory" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.trajectory">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">trajectory</span></span><em class="property"><span class="pre">:</span> <span class="pre">numpy.ndarray</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.trajectory" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
</section>
<section id="module-PyCTBN.PyCTBN.structure_graph">
<span id="module-contents"></span><h2>Module contents<a class="headerlink" href="#module-PyCTBN.PyCTBN.structure_graph" title="Permalink to this headline"></a></h2>
</section>
</section>
@ -823,6 +906,9 @@ The class member <code class="docutils literal notranslate"><span class="pre">_t
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -833,9 +919,6 @@ The class member <code class="docutils literal notranslate"><span class="pre">_t
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -119,12 +123,14 @@
<h1>PyCTBN.PyCTBN.utility package<a class="headerlink" href="#pyctbn-pyctbn-utility-package" title="Permalink to this headline"></a></h1>
<section id="submodules">
<h2>Submodules<a class="headerlink" href="#submodules" title="Permalink to this headline"></a></h2>
</section>
<section id="module-PyCTBN.PyCTBN.utility.abstract_importer">
<span id="pyctbn-pyctbn-utility-abstract-importer-module"></span><h2>PyCTBN.PyCTBN.utility.abstract_importer module<a class="headerlink" href="#module-PyCTBN.PyCTBN.utility.abstract_importer" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.utility.abstract_importer.</code><code class="sig-name descname">AbstractImporter</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">file_path</span><span class="p">:</span> <span class="n">str</span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">trajectory_list</span><span class="p">:</span> <span class="n">Union<span class="p">[</span>pandas.core.frame.DataFrame<span class="p">, </span>numpy.ndarray<span class="p">]</span></span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">variables</span><span class="p">:</span> <span class="n">pandas.core.frame.DataFrame</span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">prior_net_structure</span><span class="p">:</span> <span class="n">pandas.core.frame.DataFrame</span> <span class="o">=</span> <span class="default_value">None</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.utility.abstract_importer.</span></span><span class="sig-name descname"><span class="pre">AbstractImporter</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">file_path</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">str</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">trajectory_list</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">Union</span><span class="p"><span class="pre">[</span></span><span class="pre">pandas.core.frame.DataFrame</span><span class="p"><span class="pre">,</span> </span><span class="pre">numpy.ndarray</span><span class="p"><span class="pre">]</span></span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">variables</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">pandas.core.frame.DataFrame</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">prior_net_structure</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">pandas.core.frame.DataFrame</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">abc.ABC</span></code></p>
<p>Abstract class that exposes all the necessary methods to process the trajectories and the net structure.</p>
<dl class="field-list simple">
@ -155,8 +161,8 @@ See the tutorial on how to construct a correct <code class="docutils literal not
<p>See :class:<code class="docutils literal notranslate"><span class="pre">JsonImporter</span></code> for an example implementation</p>
</div>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.build_list_of_samples_array">
<code class="sig-name descname">build_list_of_samples_array</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">concatenated_sample</span><span class="p">:</span> <span class="n">pandas.core.frame.DataFrame</span></em><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.build_list_of_samples_array" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.build_list_of_samples_array">
<span class="sig-name descname"><span class="pre">build_list_of_samples_array</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">concatenated_sample</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">pandas.core.frame.DataFrame</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.build_list_of_samples_array" title="Permalink to this definition"></a></dt>
<dd><p>Builds a List containing the the delta times numpy array, and the complete transitions matrix</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -173,8 +179,8 @@ and converted</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.build_sorter">
<em class="property">abstract </em><code class="sig-name descname">build_sorter</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">trajecory_header</span><span class="p">:</span> <span class="n">object</span></em><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.build_sorter" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.build_sorter">
<em class="property"><span class="pre">abstract</span> </em><span class="sig-name descname"><span class="pre">build_sorter</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">trajecory_header</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">object</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.build_sorter" title="Permalink to this definition"></a></dt>
<dd><p>Initializes the <code class="docutils literal notranslate"><span class="pre">_sorter</span></code> class member from a trajectory dataframe, exctracting the header of the frame
and keeping ONLY the variables symbolic labels, cutting out the time label in the header.</p>
<dl class="field-list simple">
@ -191,14 +197,14 @@ and keeping ONLY the variables symbolic labels, cutting out the time label in th
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.clear_concatenated_frame">
<code class="sig-name descname">clear_concatenated_frame</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.clear_concatenated_frame" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.clear_concatenated_frame">
<span class="sig-name descname"><span class="pre">clear_concatenated_frame</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.clear_concatenated_frame" title="Permalink to this definition"></a></dt>
<dd><p>Removes all values in the dataframe concatenated_samples.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.compute_row_delta_in_all_samples_frames">
<code class="sig-name descname">compute_row_delta_in_all_samples_frames</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">df_samples_list</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.compute_row_delta_in_all_samples_frames" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.compute_row_delta_in_all_samples_frames">
<span class="sig-name descname"><span class="pre">compute_row_delta_in_all_samples_frames</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">df_samples_list</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.compute_row_delta_in_all_samples_frames" title="Permalink to this definition"></a></dt>
<dd><p>Calls the method <code class="docutils literal notranslate"><span class="pre">compute_row_delta_sigle_samples_frame</span></code> on every dataframe present in the list
<code class="docutils literal notranslate"><span class="pre">df_samples_list</span></code>.
Concatenates the result in the dataframe <code class="docutils literal notranslate"><span class="pre">concatanated_samples</span></code></p>
@ -221,8 +227,8 @@ and merged trajectories</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.compute_row_delta_sigle_samples_frame">
<code class="sig-name descname">compute_row_delta_sigle_samples_frame</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">sample_frame</span><span class="p">:</span> <span class="n">pandas.core.frame.DataFrame</span></em>, <em class="sig-param"><span class="n">columns_header</span><span class="p">:</span> <span class="n">List</span></em>, <em class="sig-param"><span class="n">shifted_cols_header</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; pandas.core.frame.DataFrame<a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.compute_row_delta_sigle_samples_frame" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.compute_row_delta_sigle_samples_frame">
<span class="sig-name descname"><span class="pre">compute_row_delta_sigle_samples_frame</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">sample_frame</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">pandas.core.frame.DataFrame</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">columns_header</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">shifted_cols_header</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">pandas.core.frame.DataFrame</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.compute_row_delta_sigle_samples_frame" title="Permalink to this definition"></a></dt>
<dd><p>Computes the difference between each value present in th time column.
Copies and shift by one position up all the values present in the remaining columns.</p>
<dl class="field-list simple">
@ -247,36 +253,36 @@ Header of sample_frame = [Time | Variable values]</p>
</div>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.concatenated_samples">
<em class="property">property </em><code class="sig-name descname">concatenated_samples</code><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.concatenated_samples" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.concatenated_samples">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">concatenated_samples</span></span><em class="property"><span class="pre">:</span> <span class="pre">pandas.core.frame.DataFrame</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.concatenated_samples" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.dataset_id">
<em class="property">abstract </em><code class="sig-name descname">dataset_id</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; object<a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.dataset_id" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.dataset_id">
<em class="property"><span class="pre">abstract</span> </em><span class="sig-name descname"><span class="pre">dataset_id</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">object</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.dataset_id" title="Permalink to this definition"></a></dt>
<dd><p>If the original dataset contains multiple dataset, this method returns a unique id to identify the current
dataset</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.file_path">
<em class="property">property </em><code class="sig-name descname">file_path</code><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.file_path" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.file_path">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">file_path</span></span><em class="property"><span class="pre">:</span> <span class="pre">str</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.file_path" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.sorter">
<em class="property">property </em><code class="sig-name descname">sorter</code><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.sorter" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.sorter">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">sorter</span></span><em class="property"><span class="pre">:</span> <span class="pre">List</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.sorter" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.structure">
<em class="property">property </em><code class="sig-name descname">structure</code><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.structure" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.structure">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">structure</span></span><em class="property"><span class="pre">:</span> <span class="pre">pandas.core.frame.DataFrame</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.structure" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.variables">
<em class="property">property </em><code class="sig-name descname">variables</code><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.variables" title="Permalink to this definition"></a></dt>
<dl class="py property">
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.variables">
<em class="property"><span class="pre">property</span> </em><span class="sig-name descname"><span class="pre">variables</span></span><em class="property"><span class="pre">:</span> <span class="pre">pandas.core.frame.DataFrame</span></em><a class="headerlink" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.variables" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -285,8 +291,8 @@ dataset</p>
<section id="module-PyCTBN.PyCTBN.utility.cache">
<span id="pyctbn-pyctbn-utility-cache-module"></span><h2>PyCTBN.PyCTBN.utility.cache module<a class="headerlink" href="#module-PyCTBN.PyCTBN.utility.cache" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.utility.cache.Cache">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.utility.cache.</code><code class="sig-name descname">Cache</code><a class="headerlink" href="#PyCTBN.PyCTBN.utility.cache.Cache" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.cache.Cache">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.utility.cache.</span></span><span class="sig-name descname"><span class="pre">Cache</span></span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.cache.Cache" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">object</span></code></p>
<p>This class acts as a cache of <code class="docutils literal notranslate"><span class="pre">SetOfCims</span></code> objects for a node.</p>
<dl class="field-list simple">
@ -299,14 +305,14 @@ index is related</p>
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.cache.Cache.clear">
<code class="sig-name descname">clear</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.cache.Cache.clear" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.cache.Cache.clear">
<span class="sig-name descname"><span class="pre">clear</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.cache.Cache.clear" title="Permalink to this definition"></a></dt>
<dd><p>Clear the contents both of <code class="docutils literal notranslate"><span class="pre">__actual_cache</span></code> and <code class="docutils literal notranslate"><span class="pre">__list_of_sets_of_parents</span></code>.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.cache.Cache.find">
<code class="sig-name descname">find</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">parents_comb</span><span class="p">:</span> <span class="n">Set</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.cache.Cache.find" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.cache.Cache.find">
<span class="sig-name descname"><span class="pre">find</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">parents_comb</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Set</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.cache.Cache.find" title="Permalink to this definition"></a></dt>
<dd><p>Tries to find in cache given the symbolic parents combination <code class="docutils literal notranslate"><span class="pre">parents_comb</span></code> the <code class="docutils literal notranslate"><span class="pre">SetOfCims</span></code>
related to that <code class="docutils literal notranslate"><span class="pre">parents_comb</span></code>.</p>
<dl class="field-list simple">
@ -324,8 +330,8 @@ None otherwise.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.cache.Cache.put">
<code class="sig-name descname">put</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">parents_comb</span><span class="p">:</span> <span class="n">Set</span></em>, <em class="sig-param"><span class="n">socim</span><span class="p">:</span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims" title="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims">PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims</a></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.cache.Cache.put" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.cache.Cache.put">
<span class="sig-name descname"><span class="pre">put</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">parents_comb</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Set</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">socim</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims" title="PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims"><span class="pre">PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims</span></a></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.cache.Cache.put" title="Permalink to this definition"></a></dt>
<dd><p>Place in cache the <code class="docutils literal notranslate"><span class="pre">SetOfCims</span></code> object, and the related symbolic index <code class="docutils literal notranslate"><span class="pre">parents_comb</span></code> in
<code class="docutils literal notranslate"><span class="pre">__list_of_sets_of_parents</span></code>.</p>
<dl class="field-list simple">
@ -340,12 +346,14 @@ None otherwise.</p>
</dd></dl>
</section>
<section id="module-PyCTBN.PyCTBN.utility.json_importer">
<span id="pyctbn-pyctbn-utility-json-importer-module"></span><h2>PyCTBN.PyCTBN.utility.json_importer module<a class="headerlink" href="#module-PyCTBN.PyCTBN.utility.json_importer" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.utility.json_importer.</code><code class="sig-name descname">JsonImporter</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">file_path</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">samples_label</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">structure_label</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">variables_label</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">time_key</span><span class="p">:</span> <span class="n">str</span></em>, <em class="sig-param"><span class="n">variables_key</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.utility.json_importer.</span></span><span class="sig-name descname"><span class="pre">JsonImporter</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">file_path</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">samples_label</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">structure_label</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">variables_label</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">time_key</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">variables_key</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">cims_label</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">str</span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <a class="reference internal" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter" title="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter"><code class="xref py py-class docutils literal notranslate"><span class="pre">PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter</span></code></a></p>
<p>Implements the abstracts methods of AbstractImporter and adds all the necessary methods to process and prepare
the data in json extension.</p>
@ -371,27 +379,29 @@ the data in json extension.</p>
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.build_sorter">
<code class="sig-name descname">build_sorter</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">sample_frame</span><span class="p">:</span> <span class="n">pandas.core.frame.DataFrame</span></em><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.build_sorter" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.build_sorter">
<span class="sig-name descname"><span class="pre">build_sorter</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">sample_frame</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">pandas.core.frame.DataFrame</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.build_sorter" title="Permalink to this definition"></a></dt>
<dd><p>Implements the abstract method build_sorter of the <code class="xref py py-class docutils literal notranslate"><span class="pre">AbstractImporter</span></code> for this dataset.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.clear_data_frame_list">
<code class="sig-name descname">clear_data_frame_list</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.clear_data_frame_list" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.clear_data_frame_list">
<span class="sig-name descname"><span class="pre">clear_data_frame_list</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.clear_data_frame_list" title="Permalink to this definition"></a></dt>
<dd><p>Removes all values present in the dataframes in the list <code class="docutils literal notranslate"><span class="pre">_df_samples_list</span></code>.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.dataset_id">
<code class="sig-name descname">dataset_id</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; object<a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.dataset_id" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.dataset_id">
<span class="sig-name descname"><span class="pre">dataset_id</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">object</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.dataset_id" title="Permalink to this definition"></a></dt>
<dd><p>If the original dataset contains multiple dataset, this method returns a unique id to identify the current
dataset</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_data">
<code class="sig-name descname">import_data</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">indx</span><span class="p">:</span> <span class="n">int</span> <span class="o">=</span> <span class="default_value">0</span></em><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_data" title="Permalink to this definition"></a></dt>
<dd><p>Implements the abstract method of <code class="xref py py-class docutils literal notranslate"><span class="pre">AbstractImporter</span></code>.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -401,8 +411,8 @@ dataset</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_sampled_cims">
<code class="sig-name descname">import_sampled_cims</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">raw_data</span><span class="p">:</span> <span class="n">List</span></em>, <em class="sig-param"><span class="n">indx</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">cims_key</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; Dict<a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_sampled_cims" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_sampled_cims">
<span class="sig-name descname"><span class="pre">import_sampled_cims</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">raw_data</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">indx</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">cims_key</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">Dict</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_sampled_cims" title="Permalink to this definition"></a></dt>
<dd><p>Imports the synthetic CIMS in the dataset in a dictionary, using variables labels
as keys for the set of CIMS of a particular node.</p>
<dl class="field-list simple">
@ -423,8 +433,8 @@ as keys for the set of CIMS of a particular node.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_structure">
<code class="sig-name descname">import_structure</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">raw_data</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; pandas.core.frame.DataFrame<a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_structure">
<span class="sig-name descname"><span class="pre">import_structure</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">raw_data</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">pandas.core.frame.DataFrame</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_structure" title="Permalink to this definition"></a></dt>
<dd><p>Imports in a dataframe the data in the list raw_data at the key <code class="docutils literal notranslate"><span class="pre">_structure_label</span></code></p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -440,8 +450,8 @@ as keys for the set of CIMS of a particular node.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_trajectories">
<code class="sig-name descname">import_trajectories</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">raw_data</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_trajectories" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_trajectories">
<span class="sig-name descname"><span class="pre">import_trajectories</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">raw_data</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_trajectories" title="Permalink to this definition"></a></dt>
<dd><p>Imports the trajectories from the list of dicts <code class="docutils literal notranslate"><span class="pre">raw_data</span></code>.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -457,8 +467,8 @@ as keys for the set of CIMS of a particular node.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_variables">
<code class="sig-name descname">import_variables</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">raw_data</span><span class="p">:</span> <span class="n">List</span></em><span class="sig-paren">)</span> &#x2192; pandas.core.frame.DataFrame<a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_variables" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_variables">
<span class="sig-name descname"><span class="pre">import_variables</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">raw_data</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">pandas.core.frame.DataFrame</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.import_variables" title="Permalink to this definition"></a></dt>
<dd><p>Imports the data in <code class="docutils literal notranslate"><span class="pre">raw_data</span></code> at the key <code class="docutils literal notranslate"><span class="pre">_variables_label</span></code>.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -474,8 +484,8 @@ as keys for the set of CIMS of a particular node.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.normalize_trajectories">
<code class="sig-name descname">normalize_trajectories</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">raw_data</span><span class="p">:</span> <span class="n">List</span></em>, <em class="sig-param"><span class="n">indx</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">trajectories_key</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.normalize_trajectories" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.normalize_trajectories">
<span class="sig-name descname"><span class="pre">normalize_trajectories</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">raw_data</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">indx</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">trajectories_key</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.normalize_trajectories" title="Permalink to this definition"></a></dt>
<dd><p>Extracts the trajectories in <code class="docutils literal notranslate"><span class="pre">raw_data</span></code> at the index <code class="docutils literal notranslate"><span class="pre">index</span></code> at the key <code class="docutils literal notranslate"><span class="pre">trajectories</span> <span class="pre">key</span></code>.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -495,8 +505,8 @@ as keys for the set of CIMS of a particular node.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.one_level_normalizing">
<code class="sig-name descname">one_level_normalizing</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">raw_data</span><span class="p">:</span> <span class="n">List</span></em>, <em class="sig-param"><span class="n">indx</span><span class="p">:</span> <span class="n">int</span></em>, <em class="sig-param"><span class="n">key</span><span class="p">:</span> <span class="n">str</span></em><span class="sig-paren">)</span> &#x2192; pandas.core.frame.DataFrame<a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.one_level_normalizing" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.one_level_normalizing">
<span class="sig-name descname"><span class="pre">one_level_normalizing</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">raw_data</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">List</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">indx</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">int</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">key</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">str</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">pandas.core.frame.DataFrame</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.one_level_normalizing" title="Permalink to this definition"></a></dt>
<dd><p>Extracts the one-level nested data in the list <code class="docutils literal notranslate"><span class="pre">raw_data</span></code> at the index <code class="docutils literal notranslate"><span class="pre">indx</span></code> at the key <code class="docutils literal notranslate"><span class="pre">key</span></code>.</p>
<dl class="field-list simple">
<dt class="field-odd">Parameters</dt>
@ -516,8 +526,8 @@ as keys for the set of CIMS of a particular node.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.read_json_file">
<code class="sig-name descname">read_json_file</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.read_json_file" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.json_importer.JsonImporter.read_json_file">
<span class="sig-name descname"><span class="pre">read_json_file</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.json_importer.JsonImporter.read_json_file" title="Permalink to this definition"></a></dt>
<dd><p>Reads the JSON file in the path self.filePath.</p>
<dl class="field-list simple">
<dt class="field-odd">Returns</dt>
@ -535,8 +545,8 @@ as keys for the set of CIMS of a particular node.</p>
<section id="module-PyCTBN.PyCTBN.utility.sample_importer">
<span id="pyctbn-pyctbn-utility-sample-importer-module"></span><h2>PyCTBN.PyCTBN.utility.sample_importer module<a class="headerlink" href="#module-PyCTBN.PyCTBN.utility.sample_importer" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.PyCTBN.utility.sample_importer.SampleImporter">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.PyCTBN.utility.sample_importer.</code><code class="sig-name descname">SampleImporter</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">trajectory_list</span><span class="p">:</span> <span class="n">Union<span class="p">[</span>pandas.core.frame.DataFrame<span class="p">, </span>numpy.ndarray<span class="p">, </span>List<span class="p">]</span></span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">variables</span><span class="p">:</span> <span class="n">Union<span class="p">[</span>pandas.core.frame.DataFrame<span class="p">, </span>numpy.ndarray<span class="p">, </span>List<span class="p">]</span></span> <span class="o">=</span> <span class="default_value">None</span></em>, <em class="sig-param"><span class="n">prior_net_structure</span><span class="p">:</span> <span class="n">Union<span class="p">[</span>pandas.core.frame.DataFrame<span class="p">, </span>numpy.ndarray<span class="p">, </span>List<span class="p">]</span></span> <span class="o">=</span> <span class="default_value">None</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.sample_importer.SampleImporter" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.sample_importer.SampleImporter">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.PyCTBN.utility.sample_importer.</span></span><span class="sig-name descname"><span class="pre">SampleImporter</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">trajectory_list</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">Union</span><span class="p"><span class="pre">[</span></span><span class="pre">pandas.core.frame.DataFrame</span><span class="p"><span class="pre">,</span> </span><span class="pre">numpy.ndarray</span><span class="p"><span class="pre">,</span> </span><span class="pre">List</span><span class="p"><span class="pre">]</span></span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">variables</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">Union</span><span class="p"><span class="pre">[</span></span><span class="pre">pandas.core.frame.DataFrame</span><span class="p"><span class="pre">,</span> </span><span class="pre">numpy.ndarray</span><span class="p"><span class="pre">,</span> </span><span class="pre">List</span><span class="p"><span class="pre">]</span></span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">prior_net_structure</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">Optional</span><span class="p"><span class="pre">[</span></span><span class="pre">Union</span><span class="p"><span class="pre">[</span></span><span class="pre">pandas.core.frame.DataFrame</span><span class="p"><span class="pre">,</span> </span><span class="pre">numpy.ndarray</span><span class="p"><span class="pre">,</span> </span><span class="pre">List</span><span class="p"><span class="pre">]</span></span><span class="p"><span class="pre">]</span></span></span> <span class="o"><span class="pre">=</span></span> <span class="default_value"><span class="pre">None</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.sample_importer.SampleImporter" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <a class="reference internal" href="#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter" title="PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter"><code class="xref py py-class docutils literal notranslate"><span class="pre">PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter</span></code></a></p>
<p>Implements the abstracts methods of AbstractImporter and adds all the necessary methods to process and prepare
the data loaded directly by using DataFrame</p>
@ -556,21 +566,21 @@ the data loaded directly by using DataFrame</p>
</dd>
</dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.sample_importer.SampleImporter.build_sorter">
<code class="sig-name descname">build_sorter</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">sample_frame</span><span class="p">:</span> <span class="n">pandas.core.frame.DataFrame</span></em><span class="sig-paren">)</span> &#x2192; List<a class="headerlink" href="#PyCTBN.PyCTBN.utility.sample_importer.SampleImporter.build_sorter" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.sample_importer.SampleImporter.build_sorter">
<span class="sig-name descname"><span class="pre">build_sorter</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">sample_frame</span></span><span class="p"><span class="pre">:</span></span> <span class="n"><span class="pre">pandas.core.frame.DataFrame</span></span></em><span class="sig-paren">)</span> &#x2192; <span class="pre">List</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.sample_importer.SampleImporter.build_sorter" title="Permalink to this definition"></a></dt>
<dd><p>Implements the abstract method build_sorter of the <code class="xref py py-class docutils literal notranslate"><span class="pre">AbstractImporter</span></code> in order to get the ordered variables list.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.sample_importer.SampleImporter.dataset_id">
<code class="sig-name descname">dataset_id</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; str<a class="headerlink" href="#PyCTBN.PyCTBN.utility.sample_importer.SampleImporter.dataset_id" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.sample_importer.SampleImporter.dataset_id">
<span class="sig-name descname"><span class="pre">dataset_id</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">str</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.sample_importer.SampleImporter.dataset_id" title="Permalink to this definition"></a></dt>
<dd><p>If the original dataset contains multiple dataset, this method returns a unique id to identify the current
dataset</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.PyCTBN.utility.sample_importer.SampleImporter.import_data">
<code class="sig-name descname">import_data</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">header_column</span><span class="o">=</span><span class="default_value">None</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.sample_importer.SampleImporter.import_data" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.PyCTBN.utility.sample_importer.SampleImporter.import_data">
<span class="sig-name descname"><span class="pre">import_data</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">header_column</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">None</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.PyCTBN.utility.sample_importer.SampleImporter.import_data" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -618,6 +628,9 @@ dataset</p>
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -628,9 +641,6 @@ dataset</p>
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

60
docs/PyCTBN.html vendored

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -142,18 +146,22 @@
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html">PyCTBN.PyCTBN.structure_graph package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#submodules">Submodules</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.network_generator">PyCTBN.PyCTBN.structure_graph.network_generator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.network_graph">PyCTBN.PyCTBN.structure_graph.network_graph module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.sample_path">PyCTBN.PyCTBN.structure_graph.sample_path module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.set_of_cims">PyCTBN.PyCTBN.structure_graph.set_of_cims module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.structure">PyCTBN.PyCTBN.structure_graph.structure module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.trajectory">PyCTBN.PyCTBN.structure_graph.trajectory module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.trajectory_generator">PyCTBN.PyCTBN.structure_graph.trajectory_generator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph">Module contents</a></li>
</ul>
</li>
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html">PyCTBN.PyCTBN.utility package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#submodules">Submodules</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_exporter">PyCTBN.PyCTBN.utility.abstract_exporter module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_importer">PyCTBN.PyCTBN.utility.abstract_importer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.cache">PyCTBN.PyCTBN.utility.cache module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_exporter">PyCTBN.PyCTBN.utility.json_exporter module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_importer">PyCTBN.PyCTBN.utility.json_importer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.sample_importer">PyCTBN.PyCTBN.utility.sample_importer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility">Module contents</a></li>
@ -164,13 +172,59 @@
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.html#module-PyCTBN.PyCTBN">Module contents</a></li>
</ul>
</li>
<li class="toctree-l1"><a class="reference internal" href="PyCTBN.tests.html">PyCTBN.tests package</a><ul>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.html#subpackages">Subpackages</a><ul>
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.tests.estimators.html">PyCTBN.tests.estimators package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.estimators.html#submodules">Submodules</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_parameters_estimator">PyCTBN.tests.estimators.test_parameters_estimator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.estimators.html#pyctbn-tests-estimators-test-structure-constraint-based-estimator-module">PyCTBN.tests.estimators.test_structure_constraint_based_estimator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_estimator">PyCTBN.tests.estimators.test_structure_estimator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.estimators.html#pyctbn-tests-estimators-test-structure-score-based-estimator-module">PyCTBN.tests.estimators.test_structure_score_based_estimator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators">Module contents</a></li>
</ul>
</li>
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.tests.optimizers.html">PyCTBN.tests.optimizers package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.optimizers.html#submodules">Submodules</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.optimizers.html#pyctbn-tests-optimizers-test-hill-climbing-search-module">PyCTBN.tests.optimizers.test_hill_climbing_search module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.optimizers.html#pyctbn-tests-optimizers-test-tabu-search-module">PyCTBN.tests.optimizers.test_tabu_search module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers">Module contents</a></li>
</ul>
</li>
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.tests.structure_graph.html">PyCTBN.tests.structure_graph package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#submodules">Submodules</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph.test_cim">PyCTBN.tests.structure_graph.test_cim module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#pyctbn-tests-structure-graph-test-networkgenerator-module">PyCTBN.tests.structure_graph.test_networkgenerator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph.test_networkgraph">PyCTBN.tests.structure_graph.test_networkgraph module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph.test_sample_path">PyCTBN.tests.structure_graph.test_sample_path module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph.test_setofcims">PyCTBN.tests.structure_graph.test_setofcims module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph.test_structure">PyCTBN.tests.structure_graph.test_structure module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph.test_trajectory">PyCTBN.tests.structure_graph.test_trajectory module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#pyctbn-tests-structure-graph-test-trajectorygenerator-module">PyCTBN.tests.structure_graph.test_trajectorygenerator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph">Module contents</a></li>
</ul>
</li>
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.tests.utility.html">PyCTBN.tests.utility package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.utility.html#submodules">Submodules</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.utility.html#module-PyCTBN.tests.utility.test_cache">PyCTBN.tests.utility.test_cache module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.utility.html#module-PyCTBN.tests.utility.test_json_importer">PyCTBN.tests.utility.test_json_importer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.utility.html#module-PyCTBN.tests.utility.test_sample_importer">PyCTBN.tests.utility.test_sample_importer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.utility.html#module-PyCTBN.tests.utility">Module contents</a></li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.html#module-PyCTBN.tests">Module contents</a></li>
</ul>
</li>
</ul>
</div>
</section>
<section id="submodules">
<h2>Submodules<a class="headerlink" href="#submodules" title="Permalink to this headline"></a></h2>
</section>
<section id="module-PyCTBN">
<span id="module-contents"></span><h2>Module contents<a class="headerlink" href="#module-PyCTBN" title="Permalink to this headline"></a></h2>
</section>
</section>
@ -203,6 +257,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -213,9 +270,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -120,42 +124,43 @@
<section id="module-PyCTBN.tests.estimators.test_parameters_estimator">
<span id="pyctbn-tests-estimators-test-parameters-estimator-module"></span><h2>PyCTBN.tests.estimators.test_parameters_estimator module<a class="headerlink" href="#module-PyCTBN.tests.estimators.test_parameters_estimator" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.tests.estimators.test_parameters_estimator.</code><code class="sig-name descname">TestParametersEstimatior</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">methodName</span><span class="o">=</span><span class="default_value">'runTest'</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.tests.estimators.test_parameters_estimator.</span></span><span class="sig-name descname"><span class="pre">TestParametersEstimatior</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">methodName</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">'runTest'</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">unittest.case.TestCase</span></code></p>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.aux_import_sampled_cims">
<code class="sig-name descname">aux_import_sampled_cims</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">cims_label</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.aux_import_sampled_cims" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.aux_import_sampled_cims">
<span class="sig-name descname"><span class="pre">aux_import_sampled_cims</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">cims_label</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.aux_import_sampled_cims" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.cim_equality_test">
<code class="sig-name descname">cim_equality_test</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">cim1</span></em>, <em class="sig-param"><span class="n">cim2</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.cim_equality_test" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.cim_equality_test">
<span class="sig-name descname"><span class="pre">cim_equality_test</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">cim1</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">cim2</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.cim_equality_test" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.equality_of_cims_of_node">
<code class="sig-name descname">equality_of_cims_of_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">sampled_cims</span></em>, <em class="sig-param"><span class="n">estimated_cims</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.equality_of_cims_of_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.equality_of_cims_of_node">
<span class="sig-name descname"><span class="pre">equality_of_cims_of_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">sampled_cims</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">estimated_cims</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.equality_of_cims_of_node" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.setUpClass">
<em class="property">classmethod </em><code class="sig-name descname">setUpClass</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.setUpClass" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.setUpClass">
<em class="property"><span class="pre">classmethod</span> </em><span class="sig-name descname"><span class="pre">setUpClass</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.setUpClass" title="Permalink to this definition"></a></dt>
<dd><p>Hook method for setting up class fixture before running tests in the class.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.test_compute_parameters_for_node">
<code class="sig-name descname">test_compute_parameters_for_node</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.test_compute_parameters_for_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.test_compute_parameters_for_node">
<span class="sig-name descname"><span class="pre">test_compute_parameters_for_node</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.test_compute_parameters_for_node" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.test_fast_init">
<code class="sig-name descname">test_fast_init</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.test_fast_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.test_fast_init">
<span class="sig-name descname"><span class="pre">test_fast_init</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.test_fast_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
</section>
<section id="module-PyCTBN.tests.estimators.test_structure_constraint_based_estimator">
<span id="pyctbn-tests-estimators-test-structure-constraint-based-estimator-module"></span><h2>PyCTBN.tests.estimators.test_structure_constraint_based_estimator module<a class="headerlink" href="#module-PyCTBN.tests.estimators.test_structure_constraint_based_estimator" title="Permalink to this headline"></a></h2>
@ -188,59 +193,61 @@
</section>
<section id="module-PyCTBN.tests.estimators.test_structure_estimator">
<span id="pyctbn-tests-estimators-test-structure-estimator-module"></span><h2>PyCTBN.tests.estimators.test_structure_estimator module<a class="headerlink" href="#module-PyCTBN.tests.estimators.test_structure_estimator" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.tests.estimators.test_structure_estimator.</code><code class="sig-name descname">TestStructureEstimator</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">methodName</span><span class="o">=</span><span class="default_value">'runTest'</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.tests.estimators.test_structure_estimator.</span></span><span class="sig-name descname"><span class="pre">TestStructureEstimator</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">methodName</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">'runTest'</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">unittest.case.TestCase</span></code></p>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.setUpClass">
<em class="property">classmethod </em><code class="sig-name descname">setUpClass</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.setUpClass" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.setUpClass">
<em class="property"><span class="pre">classmethod</span> </em><span class="sig-name descname"><span class="pre">setUpClass</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.setUpClass" title="Permalink to this definition"></a></dt>
<dd><p>Hook method for setting up class fixture before running tests in the class.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_adjacency_matrix">
<code class="sig-name descname">test_adjacency_matrix</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_adjacency_matrix" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_adjacency_matrix">
<span class="sig-name descname"><span class="pre">test_adjacency_matrix</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_adjacency_matrix" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_build_complete_graph">
<code class="sig-name descname">test_build_complete_graph</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_build_complete_graph" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_build_complete_graph">
<span class="sig-name descname"><span class="pre">test_build_complete_graph</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_build_complete_graph" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_build_removable_edges_matrix">
<code class="sig-name descname">test_build_removable_edges_matrix</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_build_removable_edges_matrix" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_build_removable_edges_matrix">
<span class="sig-name descname"><span class="pre">test_build_removable_edges_matrix</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_build_removable_edges_matrix" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_generate_possible_sub_sets_of_size">
<code class="sig-name descname">test_generate_possible_sub_sets_of_size</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_generate_possible_sub_sets_of_size" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_generate_possible_sub_sets_of_size">
<span class="sig-name descname"><span class="pre">test_generate_possible_sub_sets_of_size</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_generate_possible_sub_sets_of_size" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_init">
<code class="sig-name descname">test_init</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_init">
<span class="sig-name descname"><span class="pre">test_init</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_save_plot_estimated_graph">
<code class="sig-name descname">test_save_plot_estimated_graph</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_save_plot_estimated_graph" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_save_plot_estimated_graph">
<span class="sig-name descname"><span class="pre">test_save_plot_estimated_graph</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_save_plot_estimated_graph" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_save_results">
<code class="sig-name descname">test_save_results</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_save_results" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_save_results">
<span class="sig-name descname"><span class="pre">test_save_results</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_save_results" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_time">
<code class="sig-name descname">test_time</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_time" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_time">
<span class="sig-name descname"><span class="pre">test_time</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_time" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
</section>
<section id="module-PyCTBN.tests.estimators.test_structure_score_based_estimator">
<span id="pyctbn-tests-estimators-test-structure-score-based-estimator-module"></span><h2>PyCTBN.tests.estimators.test_structure_score_based_estimator module<a class="headerlink" href="#module-PyCTBN.tests.estimators.test_structure_score_based_estimator" title="Permalink to this headline"></a></h2>
@ -310,6 +317,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -320,9 +330,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -121,27 +125,29 @@
<li class="toctree-l1"><a class="reference internal" href="PyCTBN.tests.estimators.html">PyCTBN.tests.estimators package</a><ul>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.estimators.html#submodules">Submodules</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_parameters_estimator">PyCTBN.tests.estimators.test_parameters_estimator module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_constraint_based_estimator">PyCTBN.tests.estimators.test_structure_constraint_based_estimator module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.estimators.html#pyctbn-tests-estimators-test-structure-constraint-based-estimator-module">PyCTBN.tests.estimators.test_structure_constraint_based_estimator module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_estimator">PyCTBN.tests.estimators.test_structure_estimator module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_score_based_estimator">PyCTBN.tests.estimators.test_structure_score_based_estimator module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.estimators.html#pyctbn-tests-estimators-test-structure-score-based-estimator-module">PyCTBN.tests.estimators.test_structure_score_based_estimator module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators">Module contents</a></li>
</ul>
</li>
<li class="toctree-l1"><a class="reference internal" href="PyCTBN.tests.optimizers.html">PyCTBN.tests.optimizers package</a><ul>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.optimizers.html#submodules">Submodules</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers.test_hill_climbing_search">PyCTBN.tests.optimizers.test_hill_climbing_search module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers.test_tabu_search">PyCTBN.tests.optimizers.test_tabu_search module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.optimizers.html#pyctbn-tests-optimizers-test-hill-climbing-search-module">PyCTBN.tests.optimizers.test_hill_climbing_search module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.optimizers.html#pyctbn-tests-optimizers-test-tabu-search-module">PyCTBN.tests.optimizers.test_tabu_search module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers">Module contents</a></li>
</ul>
</li>
<li class="toctree-l1"><a class="reference internal" href="PyCTBN.tests.structure_graph.html">PyCTBN.tests.structure_graph package</a><ul>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#submodules">Submodules</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph.test_cim">PyCTBN.tests.structure_graph.test_cim module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#pyctbn-tests-structure-graph-test-networkgenerator-module">PyCTBN.tests.structure_graph.test_networkgenerator module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph.test_networkgraph">PyCTBN.tests.structure_graph.test_networkgraph module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph.test_sample_path">PyCTBN.tests.structure_graph.test_sample_path module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph.test_setofcims">PyCTBN.tests.structure_graph.test_setofcims module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph.test_structure">PyCTBN.tests.structure_graph.test_structure module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph.test_trajectory">PyCTBN.tests.structure_graph.test_trajectory module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#pyctbn-tests-structure-graph-test-trajectorygenerator-module">PyCTBN.tests.structure_graph.test_trajectorygenerator module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph">Module contents</a></li>
</ul>
</li>
@ -189,6 +195,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -199,9 +208,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -200,6 +204,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -210,9 +217,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -120,28 +124,28 @@
<section id="module-PyCTBN.tests.structure_graph.test_cim">
<span id="pyctbn-tests-structure-graph-test-cim-module"></span><h2>PyCTBN.tests.structure_graph.test_cim module<a class="headerlink" href="#module-PyCTBN.tests.structure_graph.test_cim" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.tests.structure_graph.test_cim.</code><code class="sig-name descname">TestConditionalIntensityMatrix</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">methodName</span><span class="o">=</span><span class="default_value">'runTest'</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.tests.structure_graph.test_cim.</span></span><span class="sig-name descname"><span class="pre">TestConditionalIntensityMatrix</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">methodName</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">'runTest'</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">unittest.case.TestCase</span></code></p>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.setUpClass">
<em class="property">classmethod </em><code class="sig-name descname">setUpClass</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.setUpClass" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.setUpClass">
<em class="property"><span class="pre">classmethod</span> </em><span class="sig-name descname"><span class="pre">setUpClass</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.setUpClass" title="Permalink to this definition"></a></dt>
<dd><p>Hook method for setting up class fixture before running tests in the class.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.test_compute_cim_coefficients">
<code class="sig-name descname">test_compute_cim_coefficients</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.test_compute_cim_coefficients" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.test_compute_cim_coefficients">
<span class="sig-name descname"><span class="pre">test_compute_cim_coefficients</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.test_compute_cim_coefficients" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.test_init">
<code class="sig-name descname">test_init</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.test_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.test_init">
<span class="sig-name descname"><span class="pre">test_init</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.test_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.test_repr">
<code class="sig-name descname">test_repr</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.test_repr" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.test_repr">
<span class="sig-name descname"><span class="pre">test_repr</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.test_repr" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -150,103 +154,103 @@
<section id="module-PyCTBN.tests.structure_graph.test_networkgraph">
<span id="pyctbn-tests-structure-graph-test-networkgraph-module"></span><h2>PyCTBN.tests.structure_graph.test_networkgraph module<a class="headerlink" href="#module-PyCTBN.tests.structure_graph.test_networkgraph" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.tests.structure_graph.test_networkgraph.</code><code class="sig-name descname">TestNetworkGraph</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">methodName</span><span class="o">=</span><span class="default_value">'runTest'</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.tests.structure_graph.test_networkgraph.</span></span><span class="sig-name descname"><span class="pre">TestNetworkGraph</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">methodName</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">'runTest'</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">unittest.case.TestCase</span></code></p>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_p_combs_structure">
<code class="sig-name descname">aux_build_p_combs_structure</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">graph</span></em>, <em class="sig-param"><span class="n">p_vals</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_p_combs_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_p_combs_structure">
<span class="sig-name descname"><span class="pre">aux_build_p_combs_structure</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">graph</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">p_vals</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_p_combs_structure" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_time_columns_filtering_structure_for_a_node">
<code class="sig-name descname">aux_build_time_columns_filtering_structure_for_a_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">graph</span></em>, <em class="sig-param"><span class="n">node_id</span></em>, <em class="sig-param"><span class="n">p_indxs</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_time_columns_filtering_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_time_columns_filtering_structure_for_a_node">
<span class="sig-name descname"><span class="pre">aux_build_time_columns_filtering_structure_for_a_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">graph</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">node_id</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">p_indxs</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_time_columns_filtering_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_time_scalar_indexing_structure_for_a_node">
<code class="sig-name descname">aux_build_time_scalar_indexing_structure_for_a_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">graph</span></em>, <em class="sig-param"><span class="n">node_id</span></em>, <em class="sig-param"><span class="n">parents_indxs</span></em>, <em class="sig-param"><span class="n">parents_labels</span></em>, <em class="sig-param"><span class="n">parents_vals</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_time_scalar_indexing_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_time_scalar_indexing_structure_for_a_node">
<span class="sig-name descname"><span class="pre">aux_build_time_scalar_indexing_structure_for_a_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">graph</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">node_id</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parents_indxs</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parents_labels</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parents_vals</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_time_scalar_indexing_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_transition_columns_filtering_structure">
<code class="sig-name descname">aux_build_transition_columns_filtering_structure</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">graph</span></em>, <em class="sig-param"><span class="n">node_id</span></em>, <em class="sig-param"><span class="n">p_indxs</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_transition_columns_filtering_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_transition_columns_filtering_structure">
<span class="sig-name descname"><span class="pre">aux_build_transition_columns_filtering_structure</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">graph</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">node_id</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">p_indxs</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_transition_columns_filtering_structure" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_transition_scalar_indexing_structure_for_a_node">
<code class="sig-name descname">aux_build_transition_scalar_indexing_structure_for_a_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">graph</span></em>, <em class="sig-param"><span class="n">node_id</span></em>, <em class="sig-param"><span class="n">parents_indxs</span></em>, <em class="sig-param"><span class="n">parents_labels</span></em>, <em class="sig-param"><span class="n">parents_values</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_transition_scalar_indexing_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_transition_scalar_indexing_structure_for_a_node">
<span class="sig-name descname"><span class="pre">aux_build_transition_scalar_indexing_structure_for_a_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">graph</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">node_id</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parents_indxs</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parents_labels</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parents_values</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_transition_scalar_indexing_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.setUpClass">
<em class="property">classmethod </em><code class="sig-name descname">setUpClass</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.setUpClass" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.setUpClass">
<em class="property"><span class="pre">classmethod</span> </em><span class="sig-name descname"><span class="pre">setUpClass</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.setUpClass" title="Permalink to this definition"></a></dt>
<dd><p>Hook method for setting up class fixture before running tests in the class.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_add_edges">
<code class="sig-name descname">test_add_edges</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_add_edges" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_add_edges">
<span class="sig-name descname"><span class="pre">test_add_edges</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_add_edges" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_add_nodes">
<code class="sig-name descname">test_add_nodes</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_add_nodes" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_add_nodes">
<span class="sig-name descname"><span class="pre">test_add_nodes</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_add_nodes" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_p_combs_structure">
<code class="sig-name descname">test_build_p_combs_structure</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_p_combs_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_p_combs_structure">
<span class="sig-name descname"><span class="pre">test_build_p_combs_structure</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_p_combs_structure" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_time_columns_filtering_structure_for_a_node">
<code class="sig-name descname">test_build_time_columns_filtering_structure_for_a_node</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_time_columns_filtering_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_time_columns_filtering_structure_for_a_node">
<span class="sig-name descname"><span class="pre">test_build_time_columns_filtering_structure_for_a_node</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_time_columns_filtering_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_time_scalar_indexing_structure_for_a_node">
<code class="sig-name descname">test_build_time_scalar_indexing_structure_for_a_node</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_time_scalar_indexing_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_time_scalar_indexing_structure_for_a_node">
<span class="sig-name descname"><span class="pre">test_build_time_scalar_indexing_structure_for_a_node</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_time_scalar_indexing_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_transition_columns_filtering_structure">
<code class="sig-name descname">test_build_transition_columns_filtering_structure</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_transition_columns_filtering_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_transition_columns_filtering_structure">
<span class="sig-name descname"><span class="pre">test_build_transition_columns_filtering_structure</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_transition_columns_filtering_structure" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_transition_scalar_indexing_structure_for_a_node">
<code class="sig-name descname">test_build_transition_scalar_indexing_structure_for_a_node</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_transition_scalar_indexing_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_transition_scalar_indexing_structure_for_a_node">
<span class="sig-name descname"><span class="pre">test_build_transition_scalar_indexing_structure_for_a_node</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_build_transition_scalar_indexing_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_fast_init">
<code class="sig-name descname">test_fast_init</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_fast_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_fast_init">
<span class="sig-name descname"><span class="pre">test_fast_init</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_fast_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_node_indx">
<code class="sig-name descname">test_get_node_indx</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_node_indx" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_node_indx">
<span class="sig-name descname"><span class="pre">test_get_node_indx</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_node_indx" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_ordered_by_indx_set_of_parents">
<code class="sig-name descname">test_get_ordered_by_indx_set_of_parents</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_ordered_by_indx_set_of_parents" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_ordered_by_indx_set_of_parents">
<span class="sig-name descname"><span class="pre">test_get_ordered_by_indx_set_of_parents</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_ordered_by_indx_set_of_parents" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_parents_by_id">
<code class="sig-name descname">test_get_parents_by_id</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_parents_by_id" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_parents_by_id">
<span class="sig-name descname"><span class="pre">test_get_parents_by_id</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_parents_by_id" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_states_number">
<code class="sig-name descname">test_get_states_number</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_states_number" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_states_number">
<span class="sig-name descname"><span class="pre">test_get_states_number</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_get_states_number" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_init">
<code class="sig-name descname">test_init</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_init">
<span class="sig-name descname"><span class="pre">test_init</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.test_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -255,58 +259,58 @@
<section id="module-PyCTBN.tests.structure_graph.test_sample_path">
<span id="pyctbn-tests-structure-graph-test-sample-path-module"></span><h2>PyCTBN.tests.structure_graph.test_sample_path module<a class="headerlink" href="#module-PyCTBN.tests.structure_graph.test_sample_path" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.tests.structure_graph.test_sample_path.</code><code class="sig-name descname">TestSamplePath</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">methodName</span><span class="o">=</span><span class="default_value">'runTest'</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.tests.structure_graph.test_sample_path.</span></span><span class="sig-name descname"><span class="pre">TestSamplePath</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">methodName</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">'runTest'</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">unittest.case.TestCase</span></code></p>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.setUpClass">
<em class="property">classmethod </em><code class="sig-name descname">setUpClass</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.setUpClass" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.setUpClass">
<em class="property"><span class="pre">classmethod</span> </em><span class="sig-name descname"><span class="pre">setUpClass</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.setUpClass" title="Permalink to this definition"></a></dt>
<dd><p>Hook method for setting up class fixture before running tests in the class.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_buid_samplepath_no_concatenated_samples">
<code class="sig-name descname">test_buid_samplepath_no_concatenated_samples</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_buid_samplepath_no_concatenated_samples" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_buid_samplepath_no_concatenated_samples">
<span class="sig-name descname"><span class="pre">test_buid_samplepath_no_concatenated_samples</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_buid_samplepath_no_concatenated_samples" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_buid_samplepath_no_variables">
<code class="sig-name descname">test_buid_samplepath_no_variables</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_buid_samplepath_no_variables" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_buid_samplepath_no_variables">
<span class="sig-name descname"><span class="pre">test_buid_samplepath_no_variables</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_buid_samplepath_no_variables" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_saplepath_no_prior_net_structure">
<code class="sig-name descname">test_build_saplepath_no_prior_net_structure</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_saplepath_no_prior_net_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_saplepath_no_prior_net_structure">
<span class="sig-name descname"><span class="pre">test_build_saplepath_no_prior_net_structure</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_saplepath_no_prior_net_structure" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_structure">
<code class="sig-name descname">test_build_structure</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_structure">
<span class="sig-name descname"><span class="pre">test_build_structure</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_structure" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_structure_bad_sorter">
<code class="sig-name descname">test_build_structure_bad_sorter</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_structure_bad_sorter" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_structure_bad_sorter">
<span class="sig-name descname"><span class="pre">test_build_structure_bad_sorter</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_structure_bad_sorter" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_trajectories">
<code class="sig-name descname">test_build_trajectories</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_trajectories" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_trajectories">
<span class="sig-name descname"><span class="pre">test_build_trajectories</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_build_trajectories" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init">
<code class="sig-name descname">test_init</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init">
<span class="sig-name descname"><span class="pre">test_init</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init_not_filled_dataframse">
<code class="sig-name descname">test_init_not_filled_dataframse</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init_not_filled_dataframse" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init_not_filled_dataframse">
<span class="sig-name descname"><span class="pre">test_init_not_filled_dataframse</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init_not_filled_dataframse" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init_not_initialized_importer">
<code class="sig-name descname">test_init_not_initialized_importer</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init_not_initialized_importer" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init_not_initialized_importer">
<span class="sig-name descname"><span class="pre">test_init_not_initialized_importer</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init_not_initialized_importer" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -315,27 +319,27 @@
<section id="module-PyCTBN.tests.structure_graph.test_setofcims">
<span id="pyctbn-tests-structure-graph-test-setofcims-module"></span><h2>PyCTBN.tests.structure_graph.test_setofcims module<a class="headerlink" href="#module-PyCTBN.tests.structure_graph.test_setofcims" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.tests.structure_graph.test_setofcims.</code><code class="sig-name descname">TestSetOfCims</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">methodName</span><span class="o">=</span><span class="default_value">'runTest'</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.tests.structure_graph.test_setofcims.</span></span><span class="sig-name descname"><span class="pre">TestSetOfCims</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">methodName</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">'runTest'</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">unittest.case.TestCase</span></code></p>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.another_filtering_method">
<code class="sig-name descname">another_filtering_method</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">p_combs</span></em>, <em class="sig-param"><span class="n">mask</span></em>, <em class="sig-param"><span class="n">parent_value</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.another_filtering_method" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.another_filtering_method">
<span class="sig-name descname"><span class="pre">another_filtering_method</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">p_combs</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">mask</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parent_value</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.another_filtering_method" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.aux_test_build_cims">
<code class="sig-name descname">aux_test_build_cims</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span></em>, <em class="sig-param"><span class="n">p_values</span></em>, <em class="sig-param"><span class="n">node_states</span></em>, <em class="sig-param"><span class="n">p_combs</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.aux_test_build_cims" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.aux_test_build_cims">
<span class="sig-name descname"><span class="pre">aux_test_build_cims</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">p_values</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">node_states</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">p_combs</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.aux_test_build_cims" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.aux_test_init">
<code class="sig-name descname">aux_test_init</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">node_id</span></em>, <em class="sig-param"><span class="n">parents_states_number</span></em>, <em class="sig-param"><span class="n">node_states_number</span></em>, <em class="sig-param"><span class="n">p_combs</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.aux_test_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.aux_test_init">
<span class="sig-name descname"><span class="pre">aux_test_init</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">node_id</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">parents_states_number</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">node_states_number</span></span></em>, <em class="sig-param"><span class="n"><span class="pre">p_combs</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.aux_test_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.build_p_comb_structure_for_a_node">
<code class="sig-name descname">build_p_comb_structure_for_a_node</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">parents_values</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.build_p_comb_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.build_p_comb_structure_for_a_node">
<span class="sig-name descname"><span class="pre">build_p_comb_structure_for_a_node</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">parents_values</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.build_p_comb_structure_for_a_node" title="Permalink to this definition"></a></dt>
<dd><p>Builds the combinatory structure that contains the combinations of all the values contained in parents_values.</p>
<dl class="simple">
<dt>Parameters:</dt><dd><p>parents_values: the cardinalities of the nodes</p>
@ -346,24 +350,24 @@
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.setUpClass">
<em class="property">classmethod </em><code class="sig-name descname">setUpClass</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.setUpClass" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.setUpClass">
<em class="property"><span class="pre">classmethod</span> </em><span class="sig-name descname"><span class="pre">setUpClass</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.setUpClass" title="Permalink to this definition"></a></dt>
<dd><p>Hook method for setting up class fixture before running tests in the class.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.test_build_cims">
<code class="sig-name descname">test_build_cims</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.test_build_cims" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.test_build_cims">
<span class="sig-name descname"><span class="pre">test_build_cims</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.test_build_cims" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.test_filter_cims_with_mask">
<code class="sig-name descname">test_filter_cims_with_mask</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.test_filter_cims_with_mask" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.test_filter_cims_with_mask">
<span class="sig-name descname"><span class="pre">test_filter_cims_with_mask</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.test_filter_cims_with_mask" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.test_init">
<code class="sig-name descname">test_init</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.test_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.test_init">
<span class="sig-name descname"><span class="pre">test_init</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.test_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -372,53 +376,53 @@
<section id="module-PyCTBN.tests.structure_graph.test_structure">
<span id="pyctbn-tests-structure-graph-test-structure-module"></span><h2>PyCTBN.tests.structure_graph.test_structure module<a class="headerlink" href="#module-PyCTBN.tests.structure_graph.test_structure" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.tests.structure_graph.test_structure.TestStructure">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.tests.structure_graph.test_structure.</code><code class="sig-name descname">TestStructure</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">methodName</span><span class="o">=</span><span class="default_value">'runTest'</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_structure.TestStructure">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.tests.structure_graph.test_structure.</span></span><span class="sig-name descname"><span class="pre">TestStructure</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">methodName</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">'runTest'</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">unittest.case.TestCase</span></code></p>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_structure.TestStructure.setUpClass">
<em class="property">classmethod </em><code class="sig-name descname">setUpClass</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.setUpClass" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_structure.TestStructure.setUpClass">
<em class="property"><span class="pre">classmethod</span> </em><span class="sig-name descname"><span class="pre">setUpClass</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.setUpClass" title="Permalink to this definition"></a></dt>
<dd><p>Hook method for setting up class fixture before running tests in the class.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_edges_operations">
<code class="sig-name descname">test_edges_operations</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_edges_operations" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_edges_operations">
<span class="sig-name descname"><span class="pre">test_edges_operations</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_edges_operations" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_equality">
<code class="sig-name descname">test_equality</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_equality" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_equality">
<span class="sig-name descname"><span class="pre">test_equality</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_equality" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_node_id">
<code class="sig-name descname">test_get_node_id</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_node_id" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_node_id">
<span class="sig-name descname"><span class="pre">test_get_node_id</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_node_id" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_node_indx">
<code class="sig-name descname">test_get_node_indx</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_node_indx" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_node_indx">
<span class="sig-name descname"><span class="pre">test_get_node_indx</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_node_indx" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_positional_node_indx">
<code class="sig-name descname">test_get_positional_node_indx</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_positional_node_indx" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_positional_node_indx">
<span class="sig-name descname"><span class="pre">test_get_positional_node_indx</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_positional_node_indx" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_states_number">
<code class="sig-name descname">test_get_states_number</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_states_number" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_states_number">
<span class="sig-name descname"><span class="pre">test_get_states_number</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_get_states_number" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_init">
<code class="sig-name descname">test_init</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_init">
<span class="sig-name descname"><span class="pre">test_init</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_repr">
<code class="sig-name descname">test_repr</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_repr" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_structure.TestStructure.test_repr">
<span class="sig-name descname"><span class="pre">test_repr</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_structure.TestStructure.test_repr" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -427,22 +431,23 @@
<section id="module-PyCTBN.tests.structure_graph.test_trajectory">
<span id="pyctbn-tests-structure-graph-test-trajectory-module"></span><h2>PyCTBN.tests.structure_graph.test_trajectory module<a class="headerlink" href="#module-PyCTBN.tests.structure_graph.test_trajectory" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.tests.structure_graph.test_trajectory.</code><code class="sig-name descname">TestTrajectory</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">methodName</span><span class="o">=</span><span class="default_value">'runTest'</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.tests.structure_graph.test_trajectory.</span></span><span class="sig-name descname"><span class="pre">TestTrajectory</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">methodName</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">'runTest'</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">unittest.case.TestCase</span></code></p>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory.setUpClass">
<em class="property">classmethod </em><code class="sig-name descname">setUpClass</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory.setUpClass" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory.setUpClass">
<em class="property"><span class="pre">classmethod</span> </em><span class="sig-name descname"><span class="pre">setUpClass</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory.setUpClass" title="Permalink to this definition"></a></dt>
<dd><p>Hook method for setting up class fixture before running tests in the class.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory.test_init">
<code class="sig-name descname">test_init</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory.test_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory.test_init">
<span class="sig-name descname"><span class="pre">test_init</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory.test_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
</section>
<section id="module-PyCTBN.tests.structure_graph">
<span id="module-contents"></span><h2>Module contents<a class="headerlink" href="#module-PyCTBN.tests.structure_graph" title="Permalink to this headline"></a></h2>
@ -477,6 +482,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -487,9 +495,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -120,27 +124,27 @@
<section id="module-PyCTBN.tests.utility.test_cache">
<span id="pyctbn-tests-utility-test-cache-module"></span><h2>PyCTBN.tests.utility.test_cache module<a class="headerlink" href="#module-PyCTBN.tests.utility.test_cache" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.tests.utility.test_cache.TestCache">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.tests.utility.test_cache.</code><code class="sig-name descname">TestCache</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">methodName</span><span class="o">=</span><span class="default_value">'runTest'</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_cache.TestCache" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_cache.TestCache">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.tests.utility.test_cache.</span></span><span class="sig-name descname"><span class="pre">TestCache</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">methodName</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">'runTest'</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_cache.TestCache" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">unittest.case.TestCase</span></code></p>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_cache.TestCache.test_clear">
<code class="sig-name descname">test_clear</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_cache.TestCache.test_clear" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_cache.TestCache.test_clear">
<span class="sig-name descname"><span class="pre">test_clear</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_cache.TestCache.test_clear" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_cache.TestCache.test_find">
<code class="sig-name descname">test_find</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_cache.TestCache.test_find" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_cache.TestCache.test_find">
<span class="sig-name descname"><span class="pre">test_find</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_cache.TestCache.test_find" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_cache.TestCache.test_init">
<code class="sig-name descname">test_init</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_cache.TestCache.test_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_cache.TestCache.test_init">
<span class="sig-name descname"><span class="pre">test_init</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_cache.TestCache.test_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_cache.TestCache.test_put">
<code class="sig-name descname">test_put</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_cache.TestCache.test_put" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_cache.TestCache.test_put">
<span class="sig-name descname"><span class="pre">test_put</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_cache.TestCache.test_put" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -149,108 +153,108 @@
<section id="module-PyCTBN.tests.utility.test_json_importer">
<span id="pyctbn-tests-utility-test-json-importer-module"></span><h2>PyCTBN.tests.utility.test_json_importer module<a class="headerlink" href="#module-PyCTBN.tests.utility.test_json_importer" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.tests.utility.test_json_importer.</code><code class="sig-name descname">TestJsonImporter</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">methodName</span><span class="o">=</span><span class="default_value">'runTest'</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.tests.utility.test_json_importer.</span></span><span class="sig-name descname"><span class="pre">TestJsonImporter</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">methodName</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">'runTest'</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">unittest.case.TestCase</span></code></p>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.ordered">
<code class="sig-name descname">ordered</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">obj</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.ordered" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.ordered">
<span class="sig-name descname"><span class="pre">ordered</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">obj</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.ordered" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.setUpClass">
<em class="property">classmethod </em><code class="sig-name descname">setUpClass</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.setUpClass" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.setUpClass">
<em class="property"><span class="pre">classmethod</span> </em><span class="sig-name descname"><span class="pre">setUpClass</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.setUpClass" title="Permalink to this definition"></a></dt>
<dd><p>Hook method for setting up class fixture before running tests in the class.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_build_sorter">
<code class="sig-name descname">test_build_sorter</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_build_sorter" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_build_sorter">
<span class="sig-name descname"><span class="pre">test_build_sorter</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_build_sorter" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_clear_concatenated_frame">
<code class="sig-name descname">test_clear_concatenated_frame</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_clear_concatenated_frame" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_clear_concatenated_frame">
<span class="sig-name descname"><span class="pre">test_clear_concatenated_frame</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_clear_concatenated_frame" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_clear_data_frame_list">
<code class="sig-name descname">test_clear_data_frame_list</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_clear_data_frame_list" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_clear_data_frame_list">
<span class="sig-name descname"><span class="pre">test_clear_data_frame_list</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_clear_data_frame_list" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_compute_row_delta_in_all_frames">
<code class="sig-name descname">test_compute_row_delta_in_all_frames</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_compute_row_delta_in_all_frames" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_compute_row_delta_in_all_frames">
<span class="sig-name descname"><span class="pre">test_compute_row_delta_in_all_frames</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_compute_row_delta_in_all_frames" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_compute_row_delta_in_all_frames_not_init_sorter">
<code class="sig-name descname">test_compute_row_delta_in_all_frames_not_init_sorter</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_compute_row_delta_in_all_frames_not_init_sorter" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_compute_row_delta_in_all_frames_not_init_sorter">
<span class="sig-name descname"><span class="pre">test_compute_row_delta_in_all_frames_not_init_sorter</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_compute_row_delta_in_all_frames_not_init_sorter" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_compute_row_delta_single_samples_frame">
<code class="sig-name descname">test_compute_row_delta_single_samples_frame</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_compute_row_delta_single_samples_frame" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_compute_row_delta_single_samples_frame">
<span class="sig-name descname"><span class="pre">test_compute_row_delta_single_samples_frame</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_compute_row_delta_single_samples_frame" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_dataset_id">
<code class="sig-name descname">test_dataset_id</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_dataset_id" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_dataset_id">
<span class="sig-name descname"><span class="pre">test_dataset_id</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_dataset_id" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_file_path">
<code class="sig-name descname">test_file_path</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_file_path" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_file_path">
<span class="sig-name descname"><span class="pre">test_file_path</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_file_path" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_data">
<code class="sig-name descname">test_import_data</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_data" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_data">
<span class="sig-name descname"><span class="pre">test_import_data</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_data" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_sampled_cims">
<code class="sig-name descname">test_import_sampled_cims</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_sampled_cims" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_sampled_cims">
<span class="sig-name descname"><span class="pre">test_import_sampled_cims</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_sampled_cims" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_structure">
<code class="sig-name descname">test_import_structure</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_structure" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_structure">
<span class="sig-name descname"><span class="pre">test_import_structure</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_structure" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_variables">
<code class="sig-name descname">test_import_variables</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_variables" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_variables">
<span class="sig-name descname"><span class="pre">test_import_variables</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_variables" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_init">
<code class="sig-name descname">test_init</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_init">
<span class="sig-name descname"><span class="pre">test_init</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_normalize_trajectories">
<code class="sig-name descname">test_normalize_trajectories</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_normalize_trajectories" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_normalize_trajectories">
<span class="sig-name descname"><span class="pre">test_normalize_trajectories</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_normalize_trajectories" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_normalize_trajectories_wrong_indx">
<code class="sig-name descname">test_normalize_trajectories_wrong_indx</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_normalize_trajectories_wrong_indx" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_normalize_trajectories_wrong_indx">
<span class="sig-name descname"><span class="pre">test_normalize_trajectories_wrong_indx</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_normalize_trajectories_wrong_indx" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_normalize_trajectories_wrong_key">
<code class="sig-name descname">test_normalize_trajectories_wrong_key</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_normalize_trajectories_wrong_key" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_normalize_trajectories_wrong_key">
<span class="sig-name descname"><span class="pre">test_normalize_trajectories_wrong_key</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_normalize_trajectories_wrong_key" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_read_json_file_found">
<code class="sig-name descname">test_read_json_file_found</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_read_json_file_found" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_read_json_file_found">
<span class="sig-name descname"><span class="pre">test_read_json_file_found</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_read_json_file_found" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_read_json_file_not_found">
<code class="sig-name descname">test_read_json_file_not_found</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_read_json_file_not_found" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_read_json_file_not_found">
<span class="sig-name descname"><span class="pre">test_read_json_file_not_found</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_read_json_file_not_found" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -259,28 +263,28 @@
<section id="module-PyCTBN.tests.utility.test_sample_importer">
<span id="pyctbn-tests-utility-test-sample-importer-module"></span><h2>PyCTBN.tests.utility.test_sample_importer module<a class="headerlink" href="#module-PyCTBN.tests.utility.test_sample_importer" title="Permalink to this headline"></a></h2>
<dl class="py class">
<dt id="PyCTBN.tests.utility.test_sample_importer.TestSampleImporter">
<em class="property">class </em><code class="sig-prename descclassname">PyCTBN.tests.utility.test_sample_importer.</code><code class="sig-name descname">TestSampleImporter</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">methodName</span><span class="o">=</span><span class="default_value">'runTest'</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_sample_importer.TestSampleImporter" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_sample_importer.TestSampleImporter">
<em class="property"><span class="pre">class</span> </em><span class="sig-prename descclassname"><span class="pre">PyCTBN.tests.utility.test_sample_importer.</span></span><span class="sig-name descname"><span class="pre">TestSampleImporter</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">methodName</span></span><span class="o"><span class="pre">=</span></span><span class="default_value"><span class="pre">'runTest'</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_sample_importer.TestSampleImporter" title="Permalink to this definition"></a></dt>
<dd><p>Bases: <code class="xref py py-class docutils literal notranslate"><span class="pre">unittest.case.TestCase</span></code></p>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.ordered">
<code class="sig-name descname">ordered</code><span class="sig-paren">(</span><em class="sig-param"><span class="n">obj</span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.ordered" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.ordered">
<span class="sig-name descname"><span class="pre">ordered</span></span><span class="sig-paren">(</span><em class="sig-param"><span class="n"><span class="pre">obj</span></span></em><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.ordered" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.setUpClass">
<em class="property">classmethod </em><code class="sig-name descname">setUpClass</code><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; None<a class="headerlink" href="#PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.setUpClass" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.setUpClass">
<em class="property"><span class="pre">classmethod</span> </em><span class="sig-name descname"><span class="pre">setUpClass</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span> &#x2192; <span class="pre">None</span><a class="headerlink" href="#PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.setUpClass" title="Permalink to this definition"></a></dt>
<dd><p>Hook method for setting up class fixture before running tests in the class.</p>
</dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.test_init">
<code class="sig-name descname">test_init</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.test_init" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.test_init">
<span class="sig-name descname"><span class="pre">test_init</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.test_init" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
<dl class="py method">
<dt id="PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.test_order">
<code class="sig-name descname">test_order</code><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.test_order" title="Permalink to this definition"></a></dt>
<dt class="sig sig-object py" id="PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.test_order">
<span class="sig-name descname"><span class="pre">test_order</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.test_order" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</dd></dl>
@ -319,6 +323,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -329,9 +336,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

@ -12,6 +12,14 @@ PyCTBN.PyCTBN.structure\_graph.conditional\_intensity\_matrix module
:undoc-members:
:show-inheritance:
PyCTBN.PyCTBN.structure\_graph.network\_generator module
--------------------------------------------------------
.. automodule:: PyCTBN.PyCTBN.structure_graph.network_generator
:members:
:undoc-members:
:show-inheritance:
PyCTBN.PyCTBN.structure\_graph.network\_graph module
----------------------------------------------------
@ -52,6 +60,14 @@ PyCTBN.PyCTBN.structure\_graph.trajectory module
:undoc-members:
:show-inheritance:
PyCTBN.PyCTBN.structure\_graph.trajectory\_generator module
-----------------------------------------------------------
.. automodule:: PyCTBN.PyCTBN.structure_graph.trajectory_generator
:members:
:undoc-members:
:show-inheritance:
Module contents
---------------

@ -4,6 +4,14 @@ PyCTBN.PyCTBN.utility package
Submodules
----------
PyCTBN.PyCTBN.utility.abstract\_exporter module
-----------------------------------------------
.. automodule:: PyCTBN.PyCTBN.utility.abstract_exporter
:members:
:undoc-members:
:show-inheritance:
PyCTBN.PyCTBN.utility.abstract\_importer module
-----------------------------------------------
@ -20,6 +28,14 @@ PyCTBN.PyCTBN.utility.cache module
:undoc-members:
:show-inheritance:
PyCTBN.PyCTBN.utility.json\_exporter module
-------------------------------------------
.. automodule:: PyCTBN.PyCTBN.utility.json_exporter
:members:
:undoc-members:
:show-inheritance:
PyCTBN.PyCTBN.utility.json\_importer module
-------------------------------------------

@ -8,10 +8,27 @@ Subpackages
:maxdepth: 4
PyCTBN.PyCTBN
PyCTBN.tests
Submodules
----------
PyCTBN.basic\_main module
-------------------------
.. automodule:: PyCTBN.basic_main
:members:
:undoc-members:
:show-inheritance:
PyCTBN.setup module
-------------------
.. automodule:: PyCTBN.setup
:members:
:undoc-members:
:show-inheritance:
Module contents
---------------

@ -12,6 +12,14 @@ PyCTBN.tests.structure\_graph.test\_cim module
:undoc-members:
:show-inheritance:
PyCTBN.tests.structure\_graph.test\_networkgenerator module
-----------------------------------------------------------
.. automodule:: PyCTBN.tests.structure_graph.test_networkgenerator
:members:
:undoc-members:
:show-inheritance:
PyCTBN.tests.structure\_graph.test\_networkgraph module
-------------------------------------------------------
@ -52,6 +60,14 @@ PyCTBN.tests.structure\_graph.test\_trajectory module
:undoc-members:
:show-inheritance:
PyCTBN.tests.structure\_graph.test\_trajectorygenerator module
--------------------------------------------------------------
.. automodule:: PyCTBN.tests.structure_graph.test_trajectorygenerator
:members:
:undoc-members:
:show-inheritance:
Module contents
---------------

@ -0,0 +1,7 @@
example module
==============
.. automodule:: example
:members:
:undoc-members:
:show-inheritance:

@ -4,5 +4,6 @@ PyCTBN
.. toctree::
:maxdepth: 4
PyCTBN.PyCTBN
examples
PyCTBN
example
setup

@ -4,7 +4,7 @@
*
* Sphinx stylesheet -- basic theme.
*
* :copyright: Copyright 2007-2020 by the Sphinx team, see AUTHORS.
* :copyright: Copyright 2007-2021 by the Sphinx team, see AUTHORS.
* :license: BSD, see LICENSE for details.
*
*/
@ -130,7 +130,7 @@ ul.search li a {
font-weight: bold;
}
ul.search li div.context {
ul.search li p.context {
color: #888;
margin: 2px 0 0 30px;
text-align: left;
@ -277,25 +277,25 @@ p.rubric {
font-weight: bold;
}
img.align-left, .figure.align-left, object.align-left {
img.align-left, figure.align-left, .figure.align-left, object.align-left {
clear: left;
float: left;
margin-right: 1em;
}
img.align-right, .figure.align-right, object.align-right {
img.align-right, figure.align-right, .figure.align-right, object.align-right {
clear: right;
float: right;
margin-left: 1em;
}
img.align-center, .figure.align-center, object.align-center {
img.align-center, figure.align-center, .figure.align-center, object.align-center {
display: block;
margin-left: auto;
margin-right: auto;
}
img.align-default, .figure.align-default {
img.align-default, figure.align-default, .figure.align-default {
display: block;
margin-left: auto;
margin-right: auto;
@ -319,7 +319,8 @@ img.align-default, .figure.align-default {
/* -- sidebars -------------------------------------------------------------- */
div.sidebar {
div.sidebar,
aside.sidebar {
margin: 0 0 0.5em 1em;
border: 1px solid #ddb;
padding: 7px;
@ -377,12 +378,14 @@ div.body p.centered {
/* -- content of sidebars/topics/admonitions -------------------------------- */
div.sidebar > :last-child,
aside.sidebar > :last-child,
div.topic > :last-child,
div.admonition > :last-child {
margin-bottom: 0;
}
div.sidebar::after,
aside.sidebar::after,
div.topic::after,
div.admonition::after,
blockquote::after {
@ -455,20 +458,22 @@ td > :last-child {
/* -- figures --------------------------------------------------------------- */
div.figure {
div.figure, figure {
margin: 0.5em;
padding: 0.5em;
}
div.figure p.caption {
div.figure p.caption, figcaption {
padding: 0.3em;
}
div.figure p.caption span.caption-number {
div.figure p.caption span.caption-number,
figcaption span.caption-number {
font-style: italic;
}
div.figure p.caption span.caption-text {
div.figure p.caption span.caption-text,
figcaption span.caption-text {
}
/* -- field list styles ----------------------------------------------------- */
@ -503,6 +508,63 @@ table.hlist td {
vertical-align: top;
}
/* -- object description styles --------------------------------------------- */
.sig {
font-family: 'Consolas', 'Menlo', 'DejaVu Sans Mono', 'Bitstream Vera Sans Mono', monospace;
}
.sig-name, code.descname {
background-color: transparent;
font-weight: bold;
}
.sig-name {
font-size: 1.1em;
}
code.descname {
font-size: 1.2em;
}
.sig-prename, code.descclassname {
background-color: transparent;
}
.optional {
font-size: 1.3em;
}
.sig-paren {
font-size: larger;
}
.sig-param.n {
font-style: italic;
}
/* C++ specific styling */
.sig-inline.c-texpr,
.sig-inline.cpp-texpr {
font-family: unset;
}
.sig.c .k, .sig.c .kt,
.sig.cpp .k, .sig.cpp .kt {
color: #0033B3;
}
.sig.c .m,
.sig.cpp .m {
color: #1750EB;
}
.sig.c .s, .sig.c .sc,
.sig.cpp .s, .sig.cpp .sc {
color: #067D17;
}
/* -- other body styles ----------------------------------------------------- */
@ -629,14 +691,6 @@ dl.glossary dt {
font-size: 1.1em;
}
.optional {
font-size: 1.3em;
}
.sig-paren {
font-size: larger;
}
.versionmodified {
font-style: italic;
}
@ -766,7 +820,11 @@ div.code-block-caption code {
table.highlighttable td.linenos,
span.linenos,
div.doctest > div.highlight span.gp { /* gp: Generic.Prompt */
user-select: none;
user-select: none;
-webkit-user-select: text; /* Safari fallback only */
-webkit-user-select: none; /* Chrome/Safari */
-moz-user-select: none; /* Firefox */
-ms-user-select: none; /* IE10+ */
}
div.code-block-caption span.caption-number {
@ -781,16 +839,6 @@ div.literal-block-wrapper {
margin: 1em 0;
}
code.descname {
background-color: transparent;
font-weight: bold;
font-size: 1.2em;
}
code.descclassname {
background-color: transparent;
}
code.xref, a code {
background-color: transparent;
font-weight: bold;

@ -4,7 +4,7 @@
*
* Sphinx JavaScript utilities for all documentation.
*
* :copyright: Copyright 2007-2020 by the Sphinx team, see AUTHORS.
* :copyright: Copyright 2007-2021 by the Sphinx team, see AUTHORS.
* :license: BSD, see LICENSE for details.
*
*/
@ -29,9 +29,14 @@ if (!window.console || !console.firebug) {
/**
* small helper function to urldecode strings
*
* See https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Global_Objects/decodeURIComponent#Decoding_query_parameters_from_a_URL
*/
jQuery.urldecode = function(x) {
return decodeURIComponent(x).replace(/\+/g, ' ');
if (!x) {
return x
}
return decodeURIComponent(x.replace(/\+/g, ' '));
};
/**

@ -5,7 +5,7 @@
* This script contains the language-specific data used by searchtools.js,
* namely the list of stopwords, stemmer, scorer and splitter.
*
* :copyright: Copyright 2007-2020 by the Sphinx team, see AUTHORS.
* :copyright: Copyright 2007-2021 by the Sphinx team, see AUTHORS.
* :license: BSD, see LICENSE for details.
*
*/
@ -13,7 +13,8 @@
var stopwords = ["a","and","are","as","at","be","but","by","for","if","in","into","is","it","near","no","not","of","on","or","such","that","the","their","then","there","these","they","this","to","was","will","with"];
/* Non-minified version JS is _stemmer.js if file is provided */
/* Non-minified version is copied as a separate JS file, is available */
/**
* Porter Stemmer
*/
@ -199,7 +200,6 @@ var Stemmer = function() {
var splitChars = (function() {
var result = {};
var singles = [96, 180, 187, 191, 215, 247, 749, 885, 903, 907, 909, 930, 1014, 1648,

@ -1,7 +1,7 @@
pre { line-height: 125%; }
td.linenos .normal { color: inherit; background-color: transparent; padding-left: 5px; padding-right: 5px; }
span.linenos { color: inherit; background-color: transparent; padding-left: 5px; padding-right: 5px; }
td.linenos .special { color: #000000; background-color: #ffffc0; padding-left: 5px; padding-right: 5px; }
span.linenos.special { color: #000000; background-color: #ffffc0; padding-left: 5px; padding-right: 5px; }
pre { line-height: 125%; margin: 0; }
td.linenos pre { color: #000000; background-color: #f0f0f0; padding: 0 5px 0 5px; }
span.linenos { color: #000000; background-color: #f0f0f0; padding: 0 5px 0 5px; }
td.linenos pre.special { color: #000000; background-color: #ffffc0; padding: 0 5px 0 5px; }
span.linenos.special { color: #000000; background-color: #ffffc0; padding: 0 5px 0 5px; }
.highlight .hll { background-color: #ffffcc }
.highlight { background: #ffffff; }

@ -4,7 +4,7 @@
*
* Sphinx JavaScript utilities for the full-text search.
*
* :copyright: Copyright 2007-2020 by the Sphinx team, see AUTHORS.
* :copyright: Copyright 2007-2021 by the Sphinx team, see AUTHORS.
* :license: BSD, see LICENSE for details.
*
*/
@ -248,7 +248,7 @@ var Search = {
// results left, load the summary and display it
if (results.length) {
var item = results.pop();
var listItem = $('<li style="display:none"></li>');
var listItem = $('<li></li>');
var requestUrl = "";
var linkUrl = "";
if (DOCUMENTATION_OPTIONS.BUILDER === 'dirhtml') {
@ -273,9 +273,9 @@ var Search = {
if (item[3]) {
listItem.append($('<span> (' + item[3] + ')</span>'));
Search.output.append(listItem);
listItem.slideDown(5, function() {
setTimeout(function() {
displayNextItem();
});
}, 5);
} else if (DOCUMENTATION_OPTIONS.HAS_SOURCE) {
$.ajax({url: requestUrl,
dataType: "text",
@ -285,16 +285,16 @@ var Search = {
listItem.append(Search.makeSearchSummary(data, searchterms, hlterms));
}
Search.output.append(listItem);
listItem.slideDown(5, function() {
setTimeout(function() {
displayNextItem();
});
}, 5);
}});
} else {
// no source available, just display title
Search.output.append(listItem);
listItem.slideDown(5, function() {
setTimeout(function() {
displayNextItem();
});
}, 5);
}
}
// search finished, update title and status message
@ -379,6 +379,13 @@ var Search = {
return results;
},
/**
* See https://developer.mozilla.org/en-US/docs/Web/JavaScript/Guide/Regular_Expressions
*/
escapeRegExp : function(string) {
return string.replace(/[.*+\-?^${}()|[\]\\]/g, '\\$&'); // $& means the whole matched string
},
/**
* search for full-text terms in the index
*/
@ -402,13 +409,14 @@ var Search = {
];
// add support for partial matches
if (word.length > 2) {
var word_regex = this.escapeRegExp(word);
for (var w in terms) {
if (w.match(word) && !terms[word]) {
if (w.match(word_regex) && !terms[word]) {
_o.push({files: terms[w], score: Scorer.partialTerm})
}
}
for (var w in titleterms) {
if (w.match(word) && !titleterms[word]) {
if (w.match(word_regex) && !titleterms[word]) {
_o.push({files: titleterms[w], score: Scorer.partialTitle})
}
}
@ -501,7 +509,7 @@ var Search = {
var excerpt = ((start > 0) ? '...' : '') +
$.trim(text.substr(start, 240)) +
((start + 240 - text.length) ? '...' : '');
var rv = $('<div class="context"></div>').text(excerpt);
var rv = $('<p class="context"></p>').text(excerpt);
$.each(hlwords, function() {
rv = rv.highlightText(this, 'highlighted');
});

File diff suppressed because it is too large Load Diff

File diff suppressed because one or more lines are too long

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -144,6 +148,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -154,9 +161,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

188
docs/example.html vendored

@ -0,0 +1,188 @@
<!DOCTYPE html PUBLIC "-//W3C//DTD XHTML 1.1//EN" "http://www.w3.org/TR/xhtml11/DTD/xhtml11.dtd">
<html xml:lang="" lang="" version="-//W3C//DTD XHTML 1.1//EN" xmlns="http://www.w3.org/1999/xhtml">
<head>
<meta charset="utf-8">
<meta name="viewport" content="width=device-width, initial-scale=1.0">
<title>example module &mdash; PyCTBN 2.0 documentation</title>
<link href='https://fonts.googleapis.com/css?family=Lato:400,700,400italic,700italic|Roboto+Slab:400,700|Inconsolata:400,700' rel='stylesheet' type='text/css'/>
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="index" title="Index"
href="genindex.html"/>
<link rel="search" title="Search" href="search.html"/>
<link rel="top" title="PyCTBN 2.0 documentation" href="index.html"/>
<meta http-equiv="content-type" content="text/html; charset=utf-8" />
<meta http-equiv="cache-control" content="public" />
<meta name="robots" content="follow, all" />
<meta name="viewport" content="width=device-width, initial-scale=1.0" />
<!-- Add jQuery library -->
<script type="text/javascript" src="http://code.jquery.com/jquery-latest.min.js"></script>
<script src="https://cdnjs.cloudflare.com/ajax/libs/modernizr/2.6.2/modernizr.min.js"></script>
</head>
<body class="wy-body-for-nav" role="document">
<div class="wy-grid-for-nav">
<nav data-toggle="wy-nav-shift" class="wy-nav-side">
<div class="wy-side-nav-search">
<a href="index.html" class="fa fa-home"> PyCTBN </a>
<div role="search">
<form id ="rtd-search-form" class="wy-form"
action="search.html" method="get">
<input type="text" name="q" placeholder="Search docs" />
<input type="hidden" name="check_keywords" value="yes" />
<input type="hidden" name="area" value="default" />
</form>
</div>
</div>
<div class="wy-menu wy-menu-vertical" data-spy="affix" role="navigation" aria-label="main navigation">
<p class="caption"><span class="caption-text">Contents:</span></p>
<ul>
<li class="toctree-l1"><a class="reference internal" href="PyCTBN.PyCTBN.html">PyCTBN.PyCTBN package</a><ul>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.html#subpackages">Subpackages</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.html#module-PyCTBN.PyCTBN">Module contents</a></li>
</ul>
</li>
<li class="toctree-l1"><a class="reference internal" href="examples.html">Examples</a><ul>
<li class="toctree-l2"><a class="reference internal" href="examples.html#installation-usage">Installation/Usage</a></li>
<li class="toctree-l2"><a class="reference internal" href="examples.html#implementing-your-own-data-importer">Implementing your own data importer</a></li>
<li class="toctree-l2"><a class="reference internal" href="examples.html#parameters-estimation-example">Parameters Estimation Example</a></li>
<li class="toctree-l2"><a class="reference internal" href="examples.html#structure-estimation-example">Structure Estimation Example</a></li>
</ul>
</li>
</ul>
</div>
&nbsp;
</nav>
<section data-toggle="wy-nav-shift" class="wy-nav-content-wrap">
<nav class="wy-nav-top" id="barra-mobile" role="navigation" aria-label="top navigation">
<i data-toggle="wy-nav-top" class="fa fa-bars"></i>
<a href="#">Porão do Juca</a>
</nav>
<div class="wy-nav-content">
<div class="fundo-claro">
</div>
<div class="fundo-escuro">
</div>
<div class="rst-content">
<div role="navigation" aria-label="breadcrumbs navigation">
<!-- <ul class="wy-breadcrumbs"> -->
<!-- <li><a href="#">Docs</a> &raquo;</li> -->
<!-- <li>Features</li> -->
<!-- <li class="wy-breadcrumbs-aside"> -->
<!-- <a href="_sources/index.txt" rel="nofollow"> View page source</a> -->
<!-- </li> -->
<!-- </ul> -->
<!-- <hr/> -->
</div>
<div role="main" class="">
<div id="content" class="hfeed entry-container hentry">
<div class="section" id="module-example">
<span id="example-module"></span><h1>example module<a class="headerlink" href="#module-example" title="Permalink to this headline"></a></h1>
<dl class="py function">
<dt class="sig sig-object py" id="example.main">
<span class="sig-prename descclassname"><span class="pre">example.</span></span><span class="sig-name descname"><span class="pre">main</span></span><span class="sig-paren">(</span><span class="sig-paren">)</span><a class="headerlink" href="#example.main" title="Permalink to this definition"></a></dt>
<dd></dd></dl>
</div>
</div>
<footer>
<hr/>
<div role="contentinfo">
<p>
&copy; Copyright 2021, Bregoli Alessandro, Martini Filippo, Moretti Luca.
</p>
</div>
Built with <a href="http://sphinx-doc.org/">Sphinx</a> using a <a href="https://github.com/jucacrispim/sphinx_pdj_theme">theme</a> provided by <a href="http://poraodojuca.net">Porão do Juca</a>.
</footer>
</div>
</div>
<script type="text/javascript">
var DOCUMENTATION_OPTIONS = {
URL_ROOT:'./',
VERSION:'2.0',
COLLAPSE_INDEX:false,
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
</script>
<script type="text/javascript" src="_static/underscore.js">
</script>
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript"
src="_static/js/theme.js"></script>
<script type="text/javascript"
src="_static/js/pdj.js"></script>
<script type="text/javascript">
jQuery(function () {
SphinxRtdTheme.StickyNav.enable();
});
</script>
</body>
</html>

10
docs/examples.html vendored

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -268,6 +272,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -278,9 +285,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

260
docs/genindex.html vendored

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -134,14 +138,17 @@
| <a href="#S"><strong>S</strong></a>
| <a href="#T"><strong>T</strong></a>
| <a href="#V"><strong>V</strong></a>
| <a href="#W"><strong>W</strong></a>
</div>
<h2 id="A">A</h2>
<table style="width: 100%" class="indextable genindextable"><tr>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_exporter.AbstractExporter">AbstractExporter (class in PyCTBN.PyCTBN.utility.abstract_exporter)</a>
</li>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter">AbstractImporter (class in PyCTBN.PyCTBN.utility.abstract_importer)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.actual_cims">actual_cims() (PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.actual_cims">actual_cims (PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.structure.Structure.add_edge">add_edge() (PyCTBN.PyCTBN.structure_graph.structure.Structure method)</a>
</li>
@ -149,12 +156,14 @@
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.add_nodes">add_nodes() (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.adjacency_matrix">adjacency_matrix() (PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator method)</a>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_exporter.AbstractExporter.add_trajectory">add_trajectory() (PyCTBN.PyCTBN.utility.abstract_exporter.AbstractExporter method)</a>
</li>
<li><a href="PyCTBN.tests.structure_graph.html#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.another_filtering_method">another_filtering_method() (PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims method)</a>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.adjacency_matrix">adjacency_matrix() (PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator method)</a>
</li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.tests.structure_graph.html#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims.another_filtering_method">another_filtering_method() (PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims method)</a>
</li>
<li><a href="PyCTBN.tests.structure_graph.html#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_p_combs_structure">aux_build_p_combs_structure() (PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph method)</a>
</li>
<li><a href="PyCTBN.tests.structure_graph.html#PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph.aux_build_time_columns_filtering_structure_for_a_node">aux_build_time_columns_filtering_structure_for_a_node() (PyCTBN.tests.structure_graph.test_networkgraph.TestNetworkGraph method)</a>
@ -223,9 +232,13 @@
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.cache.Cache">Cache (class in PyCTBN.PyCTBN.utility.cache)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.cim">cim() (PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.cim">cim (PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix property)</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.cim_equality_test">cim_equality_test() (PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.cims">cims (PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.json_exporter.JsonExporter.cims_to_json">cims_to_json() (PyCTBN.PyCTBN.utility.json_exporter.JsonExporter method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.structure.Structure.clean_structure_edges">clean_structure_edges() (PyCTBN.PyCTBN.structure_graph.structure.Structure method)</a>
</li>
@ -241,7 +254,7 @@
</li>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.complete_test">complete_test() (PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.complete_trajectory">complete_trajectory() (PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.complete_trajectory">complete_trajectory (PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory property)</a>
</li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
@ -259,13 +272,15 @@
</li>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.compute_thumb_value">compute_thumb_value() (PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.concatenated_samples">concatenated_samples() (PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter property)</a>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.concatenated_samples">concatenated_samples (PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix">ConditionalIntensityMatrix (class in PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix)</a>
</li>
<li><a href="PyCTBN.PyCTBN.optimizers.html#PyCTBN.PyCTBN.optimizers.constraint_based_optimizer.ConstraintBasedOptimizer">ConstraintBasedOptimizer (class in PyCTBN.PyCTBN.optimizers.constraint_based_optimizer)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.structure.Structure.contains_edge">contains_edge() (PyCTBN.PyCTBN.structure_graph.structure.Structure method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory_generator.TrajectoryGenerator.CTBN_Sample">CTBN_Sample() (PyCTBN.PyCTBN.structure_graph.trajectory_generator.TrajectoryGenerator method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.ctpc_algorithm">ctpc_algorithm() (PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator method)</a>
</li>
@ -284,12 +299,16 @@
</li>
</ul></li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.dyn_str">dyn_str (PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator property)</a>
</li>
</ul></td>
</tr></table>
<h2 id="E">E</h2>
<table style="width: 100%" class="indextable genindextable"><tr>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.edges">edges() (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.edges">edges (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.structure.Structure.edges">(PyCTBN.PyCTBN.structure_graph.structure.Structure property)</a>
@ -297,16 +316,23 @@
</ul></li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.equality_of_cims_of_node">equality_of_cims_of_node() (PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior method)</a>
</li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator.estimate_parents">estimate_parents() (PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator method)</a>
</li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator.estimate_structure">estimate_structure() (PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator.StructureConstraintBasedEstimator method)</a>
<ul>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.estimate_structure">(PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator.estimate_structure">(PyCTBN.PyCTBN.estimators.structure_score_based_estimator.StructureScoreBasedEstimator method)</a>
</li>
</ul></li>
<li>
example
<ul>
<li><a href="example.html#module-example">module</a>
</li>
</ul></li>
</ul></td>
@ -325,7 +351,7 @@
</ul></li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.file_path">file_path() (PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter property)</a>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.file_path">file_path (PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.filter_cims_with_mask">filter_cims_with_mask() (PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims method)</a>
</li>
@ -337,6 +363,10 @@
<h2 id="G">G</h2>
<table style="width: 100%" class="indextable genindextable"><tr>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.generate_cims">generate_cims() (PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.generate_graph">generate_graph() (PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.generate_possible_sub_sets_of_size">generate_possible_sub_sets_of_size() (PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator static method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.get_cims_number">get_cims_number() (PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims method)</a>
@ -371,6 +401,8 @@
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.structure.Structure.get_states_number">(PyCTBN.PyCTBN.structure_graph.structure.Structure method)</a>
</li>
</ul></li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.graph">graph (PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator property)</a>
</li>
</ul></td>
</tr></table>
@ -381,7 +413,7 @@
</li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.has_prior_net_structure">has_prior_net_structure() (PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.has_prior_net_structure">has_prior_net_structure (PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.optimizers.html#PyCTBN.PyCTBN.optimizers.hill_climbing_search.HillClimbing">HillClimbing (class in PyCTBN.PyCTBN.optimizers.hill_climbing_search)</a>
</li>
@ -414,6 +446,10 @@
<h2 id="J">J</h2>
<table style="width: 100%" class="indextable genindextable"><tr>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.json_exporter.JsonExporter">JsonExporter (class in PyCTBN.PyCTBN.utility.json_exporter)</a>
</li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.json_importer.JsonImporter">JsonImporter (class in PyCTBN.PyCTBN.utility.json_importer)</a>
</li>
@ -423,6 +459,8 @@
<h2 id="M">M</h2>
<table style="width: 100%" class="indextable genindextable"><tr>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="example.html#example.main">main() (in module example)</a>
</li>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.marginal_likelihood_q">marginal_likelihood_q() (PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.marginal_likelihood_theta">marginal_likelihood_theta() (PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator method)</a>
@ -431,6 +469,8 @@
module
<ul>
<li><a href="example.html#module-example">example</a>
</li>
<li><a href="PyCTBN.html#module-PyCTBN">PyCTBN</a>
</li>
<li><a href="PyCTBN.PyCTBN.html#module-PyCTBN.PyCTBN">PyCTBN.PyCTBN</a>
@ -460,6 +500,8 @@
<li><a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph">PyCTBN.PyCTBN.structure_graph</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.network_generator">PyCTBN.PyCTBN.structure_graph.network_generator</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.network_graph">PyCTBN.PyCTBN.structure_graph.network_graph</a>
</li>
@ -470,12 +512,18 @@
<li><a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.structure">PyCTBN.PyCTBN.structure_graph.structure</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.trajectory">PyCTBN.PyCTBN.structure_graph.trajectory</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.trajectory_generator">PyCTBN.PyCTBN.structure_graph.trajectory_generator</a>
</li>
<li><a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility">PyCTBN.PyCTBN.utility</a>
</li>
<li><a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_exporter">PyCTBN.PyCTBN.utility.abstract_exporter</a>
</li>
<li><a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_importer">PyCTBN.PyCTBN.utility.abstract_importer</a>
</li>
<li><a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.cache">PyCTBN.PyCTBN.utility.cache</a>
</li>
<li><a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_exporter">PyCTBN.PyCTBN.utility.json_exporter</a>
</li>
<li><a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_importer">PyCTBN.PyCTBN.utility.json_importer</a>
</li>
@ -486,18 +534,10 @@
<li><a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators">PyCTBN.tests.estimators</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_parameters_estimator">PyCTBN.tests.estimators.test_parameters_estimator</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_constraint_based_estimator">PyCTBN.tests.estimators.test_structure_constraint_based_estimator</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_estimator">PyCTBN.tests.estimators.test_structure_estimator</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_score_based_estimator">PyCTBN.tests.estimators.test_structure_score_based_estimator</a>
</li>
<li><a href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers">PyCTBN.tests.optimizers</a>
</li>
<li><a href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers.test_hill_climbing_search">PyCTBN.tests.optimizers.test_hill_climbing_search</a>
</li>
<li><a href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers.test_tabu_search">PyCTBN.tests.optimizers.test_tabu_search</a>
</li>
<li><a href="PyCTBN.tests.structure_graph.html#module-PyCTBN.tests.structure_graph">PyCTBN.tests.structure_graph</a>
</li>
@ -523,16 +563,22 @@
</li>
</ul></li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory_generator.TrajectoryGenerator.multi_trajectory">multi_trajectory() (PyCTBN.PyCTBN.structure_graph.trajectory_generator.TrajectoryGenerator method)</a>
</li>
</ul></td>
</tr></table>
<h2 id="N">N</h2>
<table style="width: 100%" class="indextable genindextable"><tr>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator">NetworkGenerator (class in PyCTBN.PyCTBN.structure_graph.network_generator)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph">NetworkGraph (class in PyCTBN.PyCTBN.structure_graph.network_graph)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes">nodes() (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes">nodes (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes_indexes">nodes_indexes() (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes_indexes">nodes_indexes (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_indexes">(PyCTBN.PyCTBN.structure_graph.structure.Structure property)</a>
@ -540,9 +586,9 @@
</ul></li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_labels">nodes_labels() (PyCTBN.PyCTBN.structure_graph.structure.Structure property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_labels">nodes_labels (PyCTBN.PyCTBN.structure_graph.structure.Structure property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes_values">nodes_values() (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.nodes_values">nodes_values (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.structure.Structure.nodes_values">(PyCTBN.PyCTBN.structure_graph.structure.Structure property)</a>
@ -578,6 +624,12 @@
<ul>
<li><a href="PyCTBN.tests.utility.html#PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.ordered">(PyCTBN.tests.utility.test_sample_importer.TestSampleImporter method)</a>
</li>
</ul></li>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_exporter.AbstractExporter.out_file">out_file() (PyCTBN.PyCTBN.utility.abstract_exporter.AbstractExporter method)</a>
<ul>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.json_exporter.JsonExporter.out_file">(PyCTBN.PyCTBN.utility.json_exporter.JsonExporter method)</a>
</li>
</ul></li>
</ul></td>
@ -586,7 +638,7 @@
<h2 id="P">P</h2>
<table style="width: 100%" class="indextable genindextable"><tr>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.p_combs">p_combs() (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.p_combs">p_combs (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims.p_combs">(PyCTBN.PyCTBN.structure_graph.set_of_cims.SetOfCims property)</a>
@ -699,6 +751,13 @@
<ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix">module</a>
</li>
</ul></li>
<li>
PyCTBN.PyCTBN.structure_graph.network_generator
<ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.network_generator">module</a>
</li>
</ul></li>
<li>
@ -737,10 +796,26 @@
</li>
</ul></li>
<li>
PyCTBN.PyCTBN.structure_graph.trajectory_generator
<ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.trajectory_generator">module</a>
</li>
</ul></li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li>
PyCTBN.PyCTBN.utility
<ul>
<li><a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility">module</a>
</li>
</ul></li>
<li>
PyCTBN.PyCTBN.utility.abstract_exporter
<ul>
<li><a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_exporter">module</a>
</li>
</ul></li>
<li>
@ -750,13 +825,18 @@
<li><a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_importer">module</a>
</li>
</ul></li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li>
PyCTBN.PyCTBN.utility.cache
<ul>
<li><a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.cache">module</a>
</li>
</ul></li>
<li>
PyCTBN.PyCTBN.utility.json_exporter
<ul>
<li><a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_exporter">module</a>
</li>
</ul></li>
<li>
@ -792,13 +872,6 @@
<ul>
<li><a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_parameters_estimator">module</a>
</li>
</ul></li>
<li>
PyCTBN.tests.estimators.test_structure_constraint_based_estimator
<ul>
<li><a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_constraint_based_estimator">module</a>
</li>
</ul></li>
<li>
@ -806,13 +879,6 @@
<ul>
<li><a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_estimator">module</a>
</li>
</ul></li>
<li>
PyCTBN.tests.estimators.test_structure_score_based_estimator
<ul>
<li><a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_score_based_estimator">module</a>
</li>
</ul></li>
<li>
@ -820,20 +886,6 @@
<ul>
<li><a href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers">module</a>
</li>
</ul></li>
<li>
PyCTBN.tests.optimizers.test_hill_climbing_search
<ul>
<li><a href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers.test_hill_climbing_search">module</a>
</li>
</ul></li>
<li>
PyCTBN.tests.optimizers.test_tabu_search
<ul>
<li><a href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers.test_tabu_search">module</a>
</li>
</ul></li>
<li>
@ -952,15 +1004,7 @@
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior.setUpClass">setUpClass() (PyCTBN.tests.estimators.test_parameters_estimator.TestParametersEstimatior class method)</a>
<ul>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_constraint_based_estimator.TestStructureConstraintBasedEstimator.setUpClass">(PyCTBN.tests.estimators.test_structure_constraint_based_estimator.TestStructureConstraintBasedEstimator class method)</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.setUpClass">(PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator class method)</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_score_based_estimator.TestStructureScoreBasedEstimator.setUpClass">(PyCTBN.tests.estimators.test_structure_score_based_estimator.TestStructureScoreBasedEstimator class method)</a>
</li>
<li><a href="PyCTBN.tests.optimizers.html#PyCTBN.tests.optimizers.test_hill_climbing_search.TestHillClimbingSearch.setUpClass">(PyCTBN.tests.optimizers.test_hill_climbing_search.TestHillClimbingSearch class method)</a>
</li>
<li><a href="PyCTBN.tests.optimizers.html#PyCTBN.tests.optimizers.test_tabu_search.TestTabuSearch.setUpClass">(PyCTBN.tests.optimizers.test_tabu_search.TestTabuSearch class method)</a>
</li>
<li><a href="PyCTBN.tests.structure_graph.html#PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix.setUpClass">(PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix class method)</a>
</li>
@ -989,17 +1033,17 @@
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.size">size() (PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.sorter">sorter() (PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter property)</a>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.sorter">sorter (PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator.spurious_edges">spurious_edges() (PyCTBN.PyCTBN.estimators.structure_estimator.StructureEstimator method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.state_residence_times">state_residence_times() (PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.state_residence_times">state_residence_times (PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.state_transition_matrix">state_transition_matrix() (PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix.state_transition_matrix">state_transition_matrix (PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix.ConditionalIntensityMatrix property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.structure.Structure">Structure (class in PyCTBN.PyCTBN.structure_graph.structure)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.structure">structure() (PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.structure">structure (PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath property)</a>
<ul>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.structure">(PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter property)</a>
@ -1117,6 +1161,8 @@
</li>
<li><a href="PyCTBN.tests.utility.html#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_structure">test_import_structure() (PyCTBN.tests.utility.test_json_importer.TestJsonImporter method)</a>
</li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.tests.utility.html#PyCTBN.tests.utility.test_json_importer.TestJsonImporter.test_import_variables">test_import_variables() (PyCTBN.tests.utility.test_json_importer.TestJsonImporter method)</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_init">test_init() (PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator method)</a>
@ -1141,8 +1187,6 @@
<li><a href="PyCTBN.tests.utility.html#PyCTBN.tests.utility.test_sample_importer.TestSampleImporter.test_init">(PyCTBN.tests.utility.test_sample_importer.TestSampleImporter method)</a>
</li>
</ul></li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.tests.structure_graph.html#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init_not_filled_dataframse">test_init_not_filled_dataframse() (PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath method)</a>
</li>
<li><a href="PyCTBN.tests.structure_graph.html#PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath.test_init_not_initialized_importer">test_init_not_initialized_importer() (PyCTBN.tests.structure_graph.test_sample_path.TestSamplePath method)</a>
@ -1170,44 +1214,12 @@
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_save_plot_estimated_graph">test_save_plot_estimated_graph() (PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator method)</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_save_results">test_save_results() (PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator method)</a>
</li>
<li><a href="PyCTBN.tests.optimizers.html#PyCTBN.tests.optimizers.test_hill_climbing_search.TestHillClimbingSearch.test_structure">test_structure() (PyCTBN.tests.optimizers.test_hill_climbing_search.TestHillClimbingSearch method)</a>
<ul>
<li><a href="PyCTBN.tests.optimizers.html#PyCTBN.tests.optimizers.test_tabu_search.TestTabuSearch.test_structure">(PyCTBN.tests.optimizers.test_tabu_search.TestTabuSearch method)</a>
</li>
</ul></li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_constraint_based_estimator.TestStructureConstraintBasedEstimator.test_structure_1">test_structure_1() (PyCTBN.tests.estimators.test_structure_constraint_based_estimator.TestStructureConstraintBasedEstimator method)</a>
<ul>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_score_based_estimator.TestStructureScoreBasedEstimator.test_structure_1">(PyCTBN.tests.estimators.test_structure_score_based_estimator.TestStructureScoreBasedEstimator method)</a>
</li>
</ul></li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_constraint_based_estimator.TestStructureConstraintBasedEstimator.test_structure_2">test_structure_2() (PyCTBN.tests.estimators.test_structure_constraint_based_estimator.TestStructureConstraintBasedEstimator method)</a>
<ul>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_score_based_estimator.TestStructureScoreBasedEstimator.test_structure_2">(PyCTBN.tests.estimators.test_structure_score_based_estimator.TestStructureScoreBasedEstimator method)</a>
</li>
</ul></li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_constraint_based_estimator.TestStructureConstraintBasedEstimator.test_structure_3">test_structure_3() (PyCTBN.tests.estimators.test_structure_constraint_based_estimator.TestStructureConstraintBasedEstimator method)</a>
<ul>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_score_based_estimator.TestStructureScoreBasedEstimator.test_structure_3">(PyCTBN.tests.estimators.test_structure_score_based_estimator.TestStructureScoreBasedEstimator method)</a>
</li>
<li><a href="PyCTBN.tests.optimizers.html#PyCTBN.tests.optimizers.test_hill_climbing_search.TestHillClimbingSearch.test_structure_3">(PyCTBN.tests.optimizers.test_hill_climbing_search.TestHillClimbingSearch method)</a>
</li>
<li><a href="PyCTBN.tests.optimizers.html#PyCTBN.tests.optimizers.test_tabu_search.TestTabuSearch.test_structure_3">(PyCTBN.tests.optimizers.test_tabu_search.TestTabuSearch method)</a>
</li>
</ul></li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_score_based_estimator.TestStructureScoreBasedEstimator.test_structure_monoprocesso">test_structure_monoprocesso() (PyCTBN.tests.estimators.test_structure_score_based_estimator.TestStructureScoreBasedEstimator method)</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator.test_time">test_time() (PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator method)</a>
</li>
<li><a href="PyCTBN.tests.utility.html#PyCTBN.tests.utility.test_cache.TestCache">TestCache (class in PyCTBN.tests.utility.test_cache)</a>
</li>
<li><a href="PyCTBN.tests.structure_graph.html#PyCTBN.tests.structure_graph.test_cim.TestConditionalIntensityMatrix">TestConditionalIntensityMatrix (class in PyCTBN.tests.structure_graph.test_cim)</a>
</li>
<li><a href="PyCTBN.tests.optimizers.html#PyCTBN.tests.optimizers.test_hill_climbing_search.TestHillClimbingSearch">TestHillClimbingSearch (class in PyCTBN.tests.optimizers.test_hill_climbing_search)</a>
</li>
<li><a href="PyCTBN.tests.utility.html#PyCTBN.tests.utility.test_json_importer.TestJsonImporter">TestJsonImporter (class in PyCTBN.tests.utility.test_json_importer)</a>
</li>
@ -1222,36 +1234,32 @@
<li><a href="PyCTBN.tests.structure_graph.html#PyCTBN.tests.structure_graph.test_setofcims.TestSetOfCims">TestSetOfCims (class in PyCTBN.tests.structure_graph.test_setofcims)</a>
</li>
<li><a href="PyCTBN.tests.structure_graph.html#PyCTBN.tests.structure_graph.test_structure.TestStructure">TestStructure (class in PyCTBN.tests.structure_graph.test_structure)</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_constraint_based_estimator.TestStructureConstraintBasedEstimator">TestStructureConstraintBasedEstimator (class in PyCTBN.tests.estimators.test_structure_constraint_based_estimator)</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_estimator.TestStructureEstimator">TestStructureEstimator (class in PyCTBN.tests.estimators.test_structure_estimator)</a>
</li>
<li><a href="PyCTBN.tests.estimators.html#PyCTBN.tests.estimators.test_structure_score_based_estimator.TestStructureScoreBasedEstimator">TestStructureScoreBasedEstimator (class in PyCTBN.tests.estimators.test_structure_score_based_estimator)</a>
</li>
<li><a href="PyCTBN.tests.optimizers.html#PyCTBN.tests.optimizers.test_tabu_search.TestTabuSearch">TestTabuSearch (class in PyCTBN.tests.optimizers.test_tabu_search)</a>
</li>
<li><a href="PyCTBN.tests.structure_graph.html#PyCTBN.tests.structure_graph.test_trajectory.TestTrajectory">TestTrajectory (class in PyCTBN.tests.structure_graph.test_trajectory)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.time_filtering">time_filtering() (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.time_filtering">time_filtering (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.time_scalar_indexing_strucure">time_scalar_indexing_strucure() (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.time_scalar_indexing_strucure">time_scalar_indexing_strucure (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.times">times() (PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.times">times (PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.total_variables_count">total_variables_count() (PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.total_variables_count">total_variables_count (PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.structure.Structure.total_variables_number">total_variables_number() (PyCTBN.PyCTBN.structure_graph.structure.Structure property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.structure.Structure.total_variables_number">total_variables_number (PyCTBN.PyCTBN.structure_graph.structure.Structure property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.trajectories">trajectories() (PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath.trajectories">trajectories (PyCTBN.PyCTBN.structure_graph.sample_path.SamplePath property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory">Trajectory (class in PyCTBN.PyCTBN.structure_graph.trajectory)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.trajectory">trajectory() (PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory.trajectory">trajectory (PyCTBN.PyCTBN.structure_graph.trajectory.Trajectory property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory_generator.TrajectoryGenerator">TrajectoryGenerator (class in PyCTBN.PyCTBN.structure_graph.trajectory_generator)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.transition_filtering">transition_filtering() (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.transition_filtering">transition_filtering (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.transition_scalar_indexing_structure">transition_scalar_indexing_structure() (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph.transition_scalar_indexing_structure">transition_scalar_indexing_structure (PyCTBN.PyCTBN.structure_graph.network_graph.NetworkGraph property)</a>
</li>
</ul></td>
</tr></table>
@ -1260,12 +1268,24 @@
<table style="width: 100%" class="indextable genindextable"><tr>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.variable_cim_xu_marginal_likelihood_q">variable_cim_xu_marginal_likelihood_q() (PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator method)</a>
</li>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.variable_cim_xu_marginal_likelihood_theta">variable_cim_xu_marginal_likelihood_theta() (PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator method)</a>
</li>
</ul></td>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.estimators.html#PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator.variable_cim_xu_marginal_likelihood_theta">variable_cim_xu_marginal_likelihood_theta() (PyCTBN.PyCTBN.estimators.fam_score_calculator.FamScoreCalculator method)</a>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator.variables">variables (PyCTBN.PyCTBN.structure_graph.network_generator.NetworkGenerator property)</a>
<ul>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.variables">(PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter property)</a>
</li>
<li><a href="PyCTBN.PyCTBN.utility.html#PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter.variables">variables() (PyCTBN.PyCTBN.utility.abstract_importer.AbstractImporter property)</a>
</ul></li>
</ul></td>
</tr></table>
<h2 id="W">W</h2>
<table style="width: 100%" class="indextable genindextable"><tr>
<td style="width: 33%; vertical-align: top;"><ul>
<li><a href="PyCTBN.PyCTBN.structure_graph.html#PyCTBN.PyCTBN.structure_graph.trajectory_generator.TrajectoryGenerator.worker">worker() (PyCTBN.PyCTBN.structure_graph.trajectory_generator.TrajectoryGenerator method)</a>
</li>
</ul></td>
</tr></table>
@ -1299,6 +1319,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -1309,9 +1332,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

14
docs/index.html vendored

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -142,18 +146,22 @@
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html">PyCTBN.PyCTBN.structure_graph package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#submodules">Submodules</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.network_generator">PyCTBN.PyCTBN.structure_graph.network_generator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.network_graph">PyCTBN.PyCTBN.structure_graph.network_graph module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.sample_path">PyCTBN.PyCTBN.structure_graph.sample_path module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.set_of_cims">PyCTBN.PyCTBN.structure_graph.set_of_cims module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.structure">PyCTBN.PyCTBN.structure_graph.structure module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.trajectory">PyCTBN.PyCTBN.structure_graph.trajectory module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.trajectory_generator">PyCTBN.PyCTBN.structure_graph.trajectory_generator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph">Module contents</a></li>
</ul>
</li>
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html">PyCTBN.PyCTBN.utility package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#submodules">Submodules</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_exporter">PyCTBN.PyCTBN.utility.abstract_exporter module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_importer">PyCTBN.PyCTBN.utility.abstract_importer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.cache">PyCTBN.PyCTBN.utility.cache module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_exporter">PyCTBN.PyCTBN.utility.json_exporter module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_importer">PyCTBN.PyCTBN.utility.json_importer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.sample_importer">PyCTBN.PyCTBN.utility.sample_importer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility">Module contents</a></li>
@ -218,6 +226,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -228,9 +239,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

69
docs/modules.html vendored

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -116,59 +120,28 @@
<h1>PyCTBN<a class="headerlink" href="#pyctbn" title="Permalink to this headline"></a></h1>
<div class="toctree-wrapper compound">
<ul>
<li class="toctree-l1"><a class="reference internal" href="PyCTBN.PyCTBN.html">PyCTBN.PyCTBN package</a><ul>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.html#subpackages">Subpackages</a><ul>
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html">PyCTBN.PyCTBN.estimators package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#submodules">Submodules</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#module-PyCTBN.PyCTBN.estimators.fam_score_calculator">PyCTBN.PyCTBN.estimators.fam_score_calculator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#module-PyCTBN.PyCTBN.estimators.parameters_estimator">PyCTBN.PyCTBN.estimators.parameters_estimator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#module-PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator">PyCTBN.PyCTBN.estimators.structure_constraint_based_estimator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#module-PyCTBN.PyCTBN.estimators.structure_estimator">PyCTBN.PyCTBN.estimators.structure_estimator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#module-PyCTBN.PyCTBN.estimators.structure_score_based_estimator">PyCTBN.PyCTBN.estimators.structure_score_based_estimator module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.estimators.html#module-PyCTBN.PyCTBN.estimators">Module contents</a></li>
</ul>
</li>
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.PyCTBN.optimizers.html">PyCTBN.PyCTBN.optimizers package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.optimizers.html#submodules">Submodules</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.optimizers.html#module-PyCTBN.PyCTBN.optimizers.constraint_based_optimizer">PyCTBN.PyCTBN.optimizers.constraint_based_optimizer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.optimizers.html#module-PyCTBN.PyCTBN.optimizers.hill_climbing_search">PyCTBN.PyCTBN.optimizers.hill_climbing_search module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.optimizers.html#module-PyCTBN.PyCTBN.optimizers.optimizer">PyCTBN.PyCTBN.optimizers.optimizer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.optimizers.html#module-PyCTBN.PyCTBN.optimizers.tabu_search">PyCTBN.PyCTBN.optimizers.tabu_search module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.optimizers.html#module-PyCTBN.PyCTBN.optimizers">Module contents</a></li>
</ul>
</li>
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html">PyCTBN.PyCTBN.structure_graph package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#submodules">Submodules</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.network_graph">PyCTBN.PyCTBN.structure_graph.network_graph module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.sample_path">PyCTBN.PyCTBN.structure_graph.sample_path module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.set_of_cims">PyCTBN.PyCTBN.structure_graph.set_of_cims module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.structure">PyCTBN.PyCTBN.structure_graph.structure module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.trajectory">PyCTBN.PyCTBN.structure_graph.trajectory module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph">Module contents</a></li>
</ul>
</li>
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html">PyCTBN.PyCTBN.utility package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#submodules">Submodules</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_importer">PyCTBN.PyCTBN.utility.abstract_importer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.cache">PyCTBN.PyCTBN.utility.cache module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_importer">PyCTBN.PyCTBN.utility.json_importer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.sample_importer">PyCTBN.PyCTBN.utility.sample_importer module</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility">Module contents</a></li>
<li class="toctree-l1"><a class="reference internal" href="PyCTBN.html">PyCTBN package</a><ul>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.html#subpackages">Subpackages</a><ul>
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.PyCTBN.html">PyCTBN.PyCTBN package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.html#subpackages">Subpackages</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.PyCTBN.html#module-PyCTBN.PyCTBN">Module contents</a></li>
</ul>
</li>
<li class="toctree-l3"><a class="reference internal" href="PyCTBN.tests.html">PyCTBN.tests package</a><ul>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.html#subpackages">Subpackages</a></li>
<li class="toctree-l4"><a class="reference internal" href="PyCTBN.tests.html#module-PyCTBN.tests">Module contents</a></li>
</ul>
</li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.PyCTBN.html#module-PyCTBN.PyCTBN">Module contents</a></li>
</ul>
</li>
<li class="toctree-l1"><a class="reference internal" href="examples.html">Examples</a><ul>
<li class="toctree-l2"><a class="reference internal" href="examples.html#installation-usage">Installation/Usage</a></li>
<li class="toctree-l2"><a class="reference internal" href="examples.html#implementing-your-own-data-importer">Implementing your own data importer</a></li>
<li class="toctree-l2"><a class="reference internal" href="examples.html#parameters-estimation-example">Parameters Estimation Example</a></li>
<li class="toctree-l2"><a class="reference internal" href="examples.html#structure-estimation-example">Structure Estimation Example</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.html#submodules">Submodules</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.html#pyctbn-basic-main-module">PyCTBN.basic_main module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.html#pyctbn-setup-module">PyCTBN.setup module</a></li>
<li class="toctree-l2"><a class="reference internal" href="PyCTBN.html#module-PyCTBN">Module contents</a></li>
</ul>
</li>
<li class="toctree-l1"><a class="reference internal" href="example.html">example module</a></li>
<li class="toctree-l1"><a class="reference internal" href="setup.html">setup module</a></li>
</ul>
</div>
</section>
@ -201,6 +174,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -211,9 +187,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

Binary file not shown.

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -119,11 +123,20 @@
<h1>Python Module Index</h1>
<div class="modindex-jumpbox">
<a href="#cap-e"><strong>e</strong></a> |
<a href="#cap-p"><strong>p</strong></a>
</div>
<table class="indextable modindextable">
<tr class="pcap"><td></td><td>&#160;</td><td></td></tr>
<tr class="cap" id="cap-e"><td></td><td>
<strong>e</strong></td><td></td></tr>
<tr>
<td></td>
<td>
<a href="example.html#module-example"><code class="xref">example</code></a></td><td>
<em></em></td></tr>
<tr class="pcap"><td></td><td>&#160;</td><td></td></tr>
<tr class="cap" id="cap-p"><td></td><td>
<strong>p</strong></td><td></td></tr>
<tr>
@ -202,6 +215,11 @@
<td>&#160;&#160;&#160;
<a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix"><code class="xref">PyCTBN.PyCTBN.structure_graph.conditional_intensity_matrix</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.network_generator"><code class="xref">PyCTBN.PyCTBN.structure_graph.network_generator</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
@ -230,72 +248,67 @@
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility"><code class="xref">PyCTBN.PyCTBN.utility</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_importer"><code class="xref">PyCTBN.PyCTBN.utility.abstract_importer</code></a></td><td>
<a href="PyCTBN.PyCTBN.structure_graph.html#module-PyCTBN.PyCTBN.structure_graph.trajectory_generator"><code class="xref">PyCTBN.PyCTBN.structure_graph.trajectory_generator</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.cache"><code class="xref">PyCTBN.PyCTBN.utility.cache</code></a></td><td>
<a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility"><code class="xref">PyCTBN.PyCTBN.utility</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_importer"><code class="xref">PyCTBN.PyCTBN.utility.json_importer</code></a></td><td>
<a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_exporter"><code class="xref">PyCTBN.PyCTBN.utility.abstract_exporter</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.sample_importer"><code class="xref">PyCTBN.PyCTBN.utility.sample_importer</code></a></td><td>
<a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.abstract_importer"><code class="xref">PyCTBN.PyCTBN.utility.abstract_importer</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.tests.html#module-PyCTBN.tests"><code class="xref">PyCTBN.tests</code></a></td><td>
<a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.cache"><code class="xref">PyCTBN.PyCTBN.utility.cache</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators"><code class="xref">PyCTBN.tests.estimators</code></a></td><td>
<a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_exporter"><code class="xref">PyCTBN.PyCTBN.utility.json_exporter</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_parameters_estimator"><code class="xref">PyCTBN.tests.estimators.test_parameters_estimator</code></a></td><td>
<a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.json_importer"><code class="xref">PyCTBN.PyCTBN.utility.json_importer</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_constraint_based_estimator"><code class="xref">PyCTBN.tests.estimators.test_structure_constraint_based_estimator</code></a></td><td>
<a href="PyCTBN.PyCTBN.utility.html#module-PyCTBN.PyCTBN.utility.sample_importer"><code class="xref">PyCTBN.PyCTBN.utility.sample_importer</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_estimator"><code class="xref">PyCTBN.tests.estimators.test_structure_estimator</code></a></td><td>
<a href="PyCTBN.tests.html#module-PyCTBN.tests"><code class="xref">PyCTBN.tests</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_score_based_estimator"><code class="xref">PyCTBN.tests.estimators.test_structure_score_based_estimator</code></a></td><td>
<a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators"><code class="xref">PyCTBN.tests.estimators</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers"><code class="xref">PyCTBN.tests.optimizers</code></a></td><td>
<a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_parameters_estimator"><code class="xref">PyCTBN.tests.estimators.test_parameters_estimator</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers.test_hill_climbing_search"><code class="xref">PyCTBN.tests.optimizers.test_hill_climbing_search</code></a></td><td>
<a href="PyCTBN.tests.estimators.html#module-PyCTBN.tests.estimators.test_structure_estimator"><code class="xref">PyCTBN.tests.estimators.test_structure_estimator</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
<td>&#160;&#160;&#160;
<a href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers.test_tabu_search"><code class="xref">PyCTBN.tests.optimizers.test_tabu_search</code></a></td><td>
<a href="PyCTBN.tests.optimizers.html#module-PyCTBN.tests.optimizers"><code class="xref">PyCTBN.tests.optimizers</code></a></td><td>
<em></em></td></tr>
<tr class="cg-1">
<td></td>
@ -382,6 +395,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -392,9 +408,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

10
docs/search.html vendored

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -153,6 +157,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -163,9 +170,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>

File diff suppressed because one or more lines are too long

10
docs/setup.html vendored

@ -19,6 +19,10 @@
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
<link rel="stylesheet" href="_static/pygments.css" type="text/css" />
<link rel="stylesheet" href="_static/css/pdj.css" type="text/css" />
@ -144,6 +148,9 @@
FILE_SUFFIX:'.html',
HAS_SOURCE: true
};
</script>
<script type="text/javascript" src="_static/documentation_options.js">
</script>
<script type="text/javascript" src="_static/jquery.js">
@ -154,9 +161,6 @@
<script type="text/javascript" src="_static/doctools.js">
</script>
<script type="text/javascript" src="_static/language_data.js">
</script>