trap/test_model.ipynb

1080 lines
488 KiB
Text
Raw Permalink Normal View History

{
"cells": [
{
"cell_type": "code",
"execution_count": 2,
"metadata": {},
"outputs": [],
"source": [
"from argparse import Namespace\n",
"import logging\n",
"import os\n",
"from pathlib import Path\n",
"import random\n",
"\n",
"logger = logging.getLogger('model_test')\n",
"\n",
"model_path = Path('EXPERIMENTS/models/models_20241203_15_18_45_hof3-2024-12-03/')\n",
"eval_data = Path('EXPERIMENTS/trajectron-data/hof3-nostep-2024-12-03_test.pkl')"
]
},
{
"cell_type": "code",
"execution_count": 3,
"metadata": {},
"outputs": [],
"source": [
"\n",
"from trap.frame_emitter import Camera\n",
"\n",
"maps = None\n",
"\n",
"path = Path(\"EXPERIMENTS/raw/hof3/\")\n",
"calibration_path = Path(\"../DATASETS/hof3/calibration.json\")\n",
"homography_path = Path(\"../DATASETS/hof3/homography.json\")\n",
"camera = Camera.from_paths(calibration_path, homography_path, 12)\n"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"2682"
]
},
"execution_count": 5,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"from trap.tracker import FinalDisplacementFilter, TrackReader\n",
"\n",
"\n",
"reader = TrackReader(path, camera.fps, exclude_whitelisted = False, include_blacklisted=False)\n",
"tracks = [t for t in reader]\n",
"filter = FinalDisplacementFilter(2) # people don't just (disappear) out of nowhere\n",
"tracks = filter.apply(tracks, camera)\n",
"len(tracks)"
]
},
{
"cell_type": "code",
"execution_count": 35,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"Scene: Duration: 31556.25s, Nodes: 94, Map: No. 0.08333333333333333\n",
"\n",
"Loading from EXPERIMENTS/models/models_20241203_15_18_45_hof3-2024-12-03/model_registrar-100.pt\n",
"Loaded!\n",
"\n"
]
}
],
"source": [
"# Choose one of the model directory names under the experiment/*/models folders.\n",
"# Possibilities are 'vel_ee', 'int_ee', 'int_ee_me', or 'robot'\n",
"# model_dir = os.path.join(self.config.log_dir, 'int_ee')\n",
"# model_dir = 'models/models_04_Oct_2023_21_04_48_eth_vel_ar3'\n",
"\n",
"# Load hyperparameters from json\n",
"import json\n",
"import dill\n",
"from trajectron.utils import prediction_output_to_trajectories\n",
"from trajectron.model.online.online_trajectron import OnlineTrajectron\n",
"from trajectron.model.model_registrar import ModelRegistrar\n",
"from trap.prediction_server import create_online_env\n",
"\n",
"eval_device = \"cuda:0\"\n",
"config_file = model_path / 'config.json'\n",
"if not os.path.exists(config_file):\n",
" raise ValueError('Config json not found!')\n",
"with open(config_file, 'r') as conf_json:\n",
" logger.info(f\"Load config from {config_file}\")\n",
" hyperparams = json.load(conf_json)\n",
"\n",
"logger.info(f\"Use hyperparams: {hyperparams=}\")\n",
"\n",
"with open(eval_data, 'rb') as f:\n",
" eval_env = dill.load(f, encoding='latin1')\n",
"\n",
"logger.info('Loaded data from %s' % (eval_data,))\n",
"\n",
"# Creating a dummy environment with a single scene that contains information about the world.\n",
"# When using this code, feel free to use whichever scene index or initial timestep you wish.\n",
"scene_idx = 0\n",
"\n",
"# You need to have at least acceleration, so you want 2 timesteps of prior data, e.g. [0, 1],\n",
"# so that you can immediately start incremental inference from the 3rd timestep onwards.\n",
"init_timestep = 2\n",
"\n",
"eval_scene = eval_env.scenes[scene_idx]\n",
"print(eval_scene, eval_scene.dt)\n",
"online_env = create_online_env(eval_env, hyperparams, scene_idx, init_timestep)\n",
"\n",
"# auto-find highest iteration\n",
"model_registrar = ModelRegistrar(model_path, eval_device)\n",
"model_iterations = model_path.glob('model_registrar-*.pt')\n",
"highest_iter = max([int(p.stem.split('-')[-1]) for p in model_iterations])\n",
"logger.info(f\"Loading model {highest_iter}\")\n",
"\n",
"model_registrar.load_models(iter_num=highest_iter)\n",
"\n",
"trajectron = OnlineTrajectron(model_registrar,\n",
" hyperparams,\n",
" eval_device)\n",
"\n",
"# If you want to see what different robot futures do to the predictions, uncomment this line as well as\n",
"# related \"... += adjustment\" lines below.\n",
"# adjustment = np.stack([np.arange(13)/float(i*2.0) for i in range(6, 12)], axis=1)\n",
"\n",
"# Here's how you'd incrementally run the model, e.g. with streaming data.\n",
"trajectron.set_environment(online_env, init_timestep)\n"
]
},
{
"cell_type": "code",
"execution_count": 36,
"metadata": {},
"outputs": [],
"source": [
"track = tracks[9]\n",
"track = tracks[20]\n",
"track = tracks[21]"
]
},
{
"cell_type": "code",
"execution_count": 37,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"139"
]
},
"execution_count": 37,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"len(track.history)"
]
},
{
"cell_type": "code",
"execution_count": 38,
"metadata": {},
"outputs": [],
"source": [
"from trap.tracker import Smoother\n",
"\n",
"\n",
"t = track.get_with_interpolated_history()\n",
"# node = t.to_trajectron_node(camera, online_env)\n",
"\n",
"smoother = Smoother()\n",
"track_s = smoother.smooth_track(t)\n",
"track_s.track_id += \"smooth\"\n"
]
},
{
"cell_type": "code",
"execution_count": 39,
"metadata": {},
"outputs": [],
"source": [
"input_tracks =[\n",
" t,\n",
" track_s\n",
"]"
]
},
{
"cell_type": "code",
"execution_count": 40,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"{PEDESTRIAN/97903: array([[ 2.1625, 7.7215, 0.894, 0.45824, -0.52067, -1.0788]])}"
]
},
"execution_count": 40,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"eval_scene.get_clipped_input_dict(238525, hyperparams['state'])\n",
"# eval_scene.nodes[0].first_timestep"
]
},
{
"cell_type": "code",
"execution_count": 41,
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/nn/modules/rnn.py:769: UserWarning: RNN module weights are not part of single contiguous chunk of memory. This means they need to be compacted at every call, possibly greatly increasing memory usage. To compact weights again call flatten_parameters(). (Triggered internally at ../aten/src/ATen/native/cudnn/RNN.cpp:968.)\n",
" result = _VF.lstm(input, hx, self._flat_weights, self.bias, self.num_layers,\n",
"/home/ruben/suspicion/trap/.venv/lib/python3.10/site-packages/torch/distributions/distribution.py:44: UserWarning: <class 'trajectron.model.components.gmm2d.GMM2D'> does not define `arg_constraints`. Please set `arg_constraints = {}` or initialize the distribution with `validate_args=False` to turn off validation.\n",
" warnings.warn(f'{self.__class__} does not define `arg_constraints`. ' +\n"
]
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAABIw0lEQVR4nO39ebTddX0v/j/3PvM5OTkhwUySQBgkzJOQIlZRqYhWsYPaXtta26utxVbLHZT1u061LR2sy1XrwrarDr3Ofpdor97qtciggkwBBREETAHFQALkjMmZ9uf3x4GEQ6Yz7JM9nMdjrb1W9md4f17s9WFnvz/PvN/vUlEURQAAAAAAABpcudYFAAAAAAAAVIPQAwAAAAAAaApCDwAAAAAAoCkIPQAAAAAAgKYg9AAAAAAAAJqC0AMAAAAAAGgKQg8AAAAAAKApCD0AAAAAAICmIPQAAAAAAACagtADAAAAAABoCrMOPa677rq88pWvzNq1a1MqlfLlL395977x8fG84x3vyCmnnJKenp6sXbs2v/M7v5OHH364mjUDAADULX0mAAConVmHHsPDwznttNPykY98ZK99IyMj2bx5c971rndl8+bN+dKXvpR77rknr3rVq6pSLAAAQL3TZwIAgNopFUVRzPnkUilXXnllXv3qV+/3mJtvvjnnnHNOHnjggaxfv36ulwIAAGg4+kwAAHBotS70Bfr7+1MqlbJs2bJ97h8dHc3o6Oju95VKJY8//nhWrFiRUqm00OUBAEDNFUWRwcHBrF27NuWyZfcWm4P1mRL9JgAAFrfZ9JkWNPTYtWtX3vGOd+Q3f/M3s3Tp0n0ec/nll+d973vfQpYBAAAN4aGHHsoRRxxR6zI4hGbSZ0r0mwAAIJlZn2nBprcaHx/Pr/3ar+WnP/1prrnmmv3+gH/mv1jq7+/P+vXr89BDDx3wRz8AADSLgYGBrFu3Ljt27EhfX1+ty6GKqtFnSvSbAABY3GbTZ1qQkR7j4+N57WtfmwceeCDf+ta3DvgjvKOjIx0dHXttX7p0qR/vAAAsKqYpWjxm02dK9JsAACCZWZ+p6qHHUz/e77333lx99dVZsWJFtS8BAADQsPSZAABg4cw69BgaGsp99923+/2WLVty++23Z/ny5VmzZk1+/dd/PZs3b85Xv/rVTE5OZuvWrUmS5cuXp729vXqVAwAA1CF9JgAAqJ1Zr+lxzTXX5EUvetFe29/whjfkve99bzZs2LDP866++uqcf/75B21/YGAgfX196e/vN0wbAIBFwW/g5rLQfabEPQMAwOIym9+/sx7pcf755+dAOck81kUHAABoePpMAABQO+VaFwAAAAAAAFANQg8AAAAAAKApCD0AAAAAAICmIPQAAAAAAACagtADAAAAAABoCkIPAAAAAACgKQg9AAAAAACApiD0AAAAAAAAmoLQAwAAAAAAaApCDwAAAAAAoCkIPQAAAAAAgKYg9AAAAAAAAJqC0AMAAAAAAGgKQg8AAAAAAKApCD0AAAAAAICmIPQAAAAAAACagtADAAAAAABoCkIPAAAAAACgKQg9AAAAAACApiD0AAAAAAAAmoLQAwAAAAAAaApCDwAAAAAAoCkIPQAAAAAAgKYg9AAAAAAAAJqC0AMAAAAAAGgKQg8AAAAAAKApCD0AAAAAAICmIPQAAAAAAACagtADAAAAAABoCkIPAAAAAACgKQg9AAAAAACApiD0AAAAAAAAmoLQAwAAAAAAaApCDwAAAAAAoCkIPQAAAAAAgKYg9AAAAAAAAJqC0AMAAAAAAGgKQg8AAAAAAKApCD0AAAAAAICmIPQAAAAAAACagtADAAAAAABoCkIPAAAAAACgKQg9AAAAAACApiD0AAAAAAAAmoLQAwAAAAAAaApCDwAAAAAAoCkIPQAAAAAAgKYg9AAAAAAAAJqC0AMAAAAAAGgKQg8AAAAAAKApCD0AAAAAAICmIPQAAAAAAACagtADAAAAAABoCrMOPa677rq88pWvzNq1a1MqlfLlL3952v6iKPLud787a9asSVdXVy644ILce++91aoXAACgrukzAQBA7cw69BgeHs5pp52Wj3zkI/vc/zd/8zf5+7//+3z0ox/NjTfemJ6enlx44YXZtWvXvIsFAACod/pMAABQO62zPeGiiy7KRRddtM99RVHkQx/6UP7X//pfufjii5Mk//qv/5pVq1bly1/+cn7jN35jftUCAADUOX0mAAConaqu6bFly5Zs3bo1F1xwwe5tfX192bRpU2644YZ9njM6OpqBgYFpLwAAgGY0lz5Tot8EAAAzVdXQY+vWrUmSVatWTdu+atWq3fue6fLLL09fX9/u17p166pZEgAAQN2YS58p0W8CAICZqmroMReXXXZZ+vv7d78eeuihWpcEAABQV/SbAABgZqoaeqxevTpJ8sgjj0zb/sgjj+ze90wdHR1ZunTptBcAAEAzmkufKdFvAgCAmapq6LFhw4asXr06V1111e5tAwMDufHGG3PuuedW81IAAAANR58JAAAWVutsTxgaGsp99923+/2WLVty++23Z/ny5Vm/fn3e/va358///M9z3HHHZcOGDXnXu96VtWvX5tWvfnU16wYAAKhL+kwAAFA7sw49brnllrzoRS/a/f7SSy9NkrzhDW/IJz7xifzP//k/Mzw8nDe/+c3ZsWNHnv/85+frX/96Ojs7q1c1AABAndJnAgCA2ikVRVHUuoinGxgYSF9fX/r7+81TCwDAouA3MLPlngEAYDGZze/fqq7pAQAAAAAAUCtCDwAAAAAAoCkIPQAAAAAAgKYg9AAAAAAAAJqC0AMAAAAAAGgKQg8AAAAAAKApCD0AAAAAAICmIPQAAAAAAACagtADAAAAAABoCkIPAAAAAACgKQg9AAAAAACApiD0AAAAAAAAmoLQAwAAAAAAaApCDwAAAAAAoCkIPQAAAAAAgKYg9AAAAAAAAJqC0AMAAAAAAGgKQg8AAAAAqCOPPvqFWpcA0LCEHgAAAABQR4pivNYlADQsoQcAAAAAANAUhB4AAAAAAEBTEHoAAAAAQB0piqLWJQA0LKEHAAAAANSRUqlU6xIAGpbQAwAAAAAAaApCDwAAAAAAoCkIPQAAAACgjljTA2DuhB4AAAAAUEes6QEwd0IPAAAAAKgr5VQqlVoXAdCQhB4AAAAAUEdKpfZUKiO1LgOgIQk9AAAAAKCOlMsdqVTGal0GQEMSegAAAABAHZkKPXbVugyAhiT0AAAAAIA6Uip1pFLZWesyABqS0AMAAAAA6oiRHgBzJ/QAAAAAgDpSLnekKMZrXQZAQxJ6AAAAAEAdmRrpMVrrMgAaktADAAAAAOpIudwp9ACYI6EHAAAAANQRC5kDzJ3QAwAAAADqSLncaU0PgDkSegAAAABAHZma3mpXrcsAaEhCDwAAAACoI0Z6AMyd0AMAAAAA6ki5XE5RTNa6DICGJPQAAAAAgCbw4IO1rgCg9oQeAAAAANAEtm2rdQUAtSf0AAAAAAAAmoLQAwAAAAAAaApCDwAAAACoM6VSqdYlADQkoQcAAAAAANAUhB4AAAAA0AQMDgEQegAAAABA3SmKYpbHT70AFjuhBwAAAADUmdmu6TE6mnR2LlAxAA1E6AEAAAAADW5oKOnpqXUVALUn9AAAAACABjc8nCxZUusqAGpP6AEAAAAAdWa2a3oMDQk9AJIFCD0mJyfzrne9Kxs2bEhXV1eOOeaYvP/975/1FzUAAEAz0mcCYCGMjiYdHbWuAqD2Wqvd4F//9V/niiuuyCc/+cmcdNJJueWWW/LGN74xfX19+ZM/+ZNqXw4AAKCh6DMBsBCKIpnl2ucATanqocf111+fiy++OK94xSuSJEcddVQ++9nP5qabbqr2pQAAABqOPhMAACycqk9v9bznPS9XXXVVfvzjHydJvv/97+c73/lOLrroompfCgAAoOHoMwGwEIzyAJhS9ZEe73znOzMwMJCNGzempaUlk5OT+Yu/+Iu8/vWv3+fxo6OjGR0d3f1+YGCg2iUBAADUjdn2mRL9JgAAmKmqj/T4whe+kE9/+tP5zGc+k82
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAABIe0lEQVR4nO3deZhldX0n/ve591bdqt6q6YbeoLtpXEAEEUE7aNwi4xJjxOyOmRjNYDQ40TiLIc+gMSYhJpk8ThwfTPKLS0aDy4xoEhMzBgWNIrIZRaUFbaBladau6u7q2u49vz8KCqq7eq1bdW/der2e5z7WOed7zvl4nsPlfs+b7/kWZVmWAQAAAAAAWOAq7S4AAAAAAACgFYQeAAAAAABAVxB6AAAAAAAAXUHoAQAAAAAAdAWhBwAAAAAA0BWEHgAAAAAAQFcQegAAAAAAAF1B6AEAAAAAAHQFoQcAAAAAANAVhB4AAAAAAEBXOOrQ48tf/nJe8YpXZMOGDSmKIp/5zGemto2Pj+ftb397zjzzzCxdujQbNmzIr/zKr+Tuu+9uZc0AAAAdS58JAADa56hDj7179+ass87K+9///gO2DQ8P58Ybb8wll1ySG2+8MZ/+9Kezbdu2/PRP/3RLigUAAOh0+kwAANA+RVmW5THvXBS54oorcsEFFxy0zXXXXZdnPetZueOOO7Jp06ZjPRUAAMCCo88EAADzqzbXJxgcHExRFFm5cuWM20dHRzM6Ojq13Gw289BDD2X16tUpimKuywMAgLYryzK7d+/Ohg0bUqmYdm+xOVyfKdFvAgBgcTuaPtOchh4jIyN5+9vfnle/+tVZsWLFjG0uvfTSvOtd75rLMgAAYEHYsWNHTjrppHaXwTw6kj5Tot8EAADJkfWZ5uz1VuPj4/nZn/3Z/OhHP8pVV1110B/w+/8XS4ODg9m0aVN27NhxyB/9AADQLYaGhrJx48bs2rUrAwMD7S6HFmpFnynRbwIAYHE7mj7TnIz0GB8fzy/8wi/kjjvuyBe/+MVD/giv1+up1+sHrF+xYoUf7wAALCpeU7R4HE2fKdFvAgCA5Mj6TC0PPR798X7rrbfmS1/6UlavXt3qUwAAACxY+kwAADB3jjr02LNnT2677bap5e3bt+eb3/xmVq1alfXr1+fnfu7ncuONN+Yf/uEf0mg0cu+99yZJVq1ald7e3tZVDgAA0IH0mQAAoH2Oek6Pq666Ki984QsPWP/a1742v/u7v5stW7bMuN+XvvSlvOAFLzjs8YeGhjIwMJDBwUHDtAEAWBT8Bu4uc91nStwzAAAsLkfz+/eoR3q84AUvyKFyklnMiw4AALDg6TMBAED7VNpdAAAAAAAAQCsIPQAAAAAAgK4g9AAAAAAAALqC0AMAAAAAAOgKQg8AAAAAAKArCD0AAAAAAICuIPQAAAAAAAC6gtADAAAAAADoCkIPAAAAAACgKwg9AAAAAACAriD0AAAAAAAAuoLQAwAAAAAA6ApCDwAAAAAAoCsIPQAAAAAAgK4g9AAAAAAAALqC0AMAAAAAAOgKQg8AAAAAAKArCD0AAAAAAICuIPQAAAAAAAC6gtADAAAAAADoCkIPAAAAAACgKwg9AAAAAACAriD0AAAAAAAAuoLQAwAAAAAA6ApCDwAAAAAAoCsIPQAAAAAAgK4g9AAAAAAAALqC0AMAAAAAAOgKQg8AAAAAAKArCD0AAAAAAICuIPQAAAAAAAC6gtADAAAAAADoCkIPAAAAAACgKwg9AAAAAACAriD0AAAAAAAAuoLQAwAAAAAA6ApCDwAAAAAAoCsIPQAAAAAAgK4g9AAAAAAAALqC0AMAAAAAAOgKQg8AAAAAAKArCD0AAAAAYJ4ND/8gw8O3trsMgK4j9AAAAACAeVYUlYyO3tXuMgC6jtADAAAAAOZZT8/qTEw83O4yALqO0AMAAAAA5lmlsizN5nC7ywDoOkIPAAAAAJhnlUolZVm2uwyAriP0AAAAAIA2KIqi3SUAdB2hBwAAAAAA0BWEHgAAAADQBl5vBdB6Qg8AAAAAAKArCD0AAAAAoA3M6QHQekIPAAAAAGgDr7cCaD2hBwAAAAAA0BWOOvT48pe/nFe84hXZsGFDiqLIZz7zmWnby7LMO97xjqxfvz79/f05//zzc+utt7aqXgAAgI6mzwQAAO1z1KHH3r17c9ZZZ+X973//jNv/+I//OH/+53+eD3zgA7n22muzdOnSvOQlL8nIyMisiwUAAOh0+kwAHClzegC0Xu1od3jZy16Wl73sZTNuK8sy733ve/Pf//t/zytf+cokyd/8zd9k7dq1+cxnPpNf+qVfml21AAAAHU6fCQAA2qelc3ps37499957b84///ypdQMDA9m6dWuuueaaGfcZHR3N0NDQtA8AAEA3OpY+U6LfBAAAR6qloce9996bJFm7du209WvXrp3atr9LL700AwMDU5+NGze2siQAAICOcSx9pkS/CaBblWXZ7hIAuk5LQ49jcfHFF2dwcHDqs2PHjnaXBAAA0FH0mwC6U6XSl0bDnE4ArdTS0GPdunVJkp07d05bv3Pnzqlt+6vX61mxYsW0DwAAQDc6lj5Tot8E0K1qtYGMjz/U7jIAukpLQ48tW7Zk3bp1ufLKK6fWDQ0N5dprr815553XylMBAAAsOPpMADxetboyExMPt7sMgK5SO9od9uzZk9tuu21qefv27fnmN7+ZVatWZdOmTXnrW9+a3//938+TnvSkbNmyJZdcckk2bNiQCy64oJV1AwAAdCR9JgCOVE/PyoyN7Tx8QwCO2FGHHtdff31e+MIXTi2/7W1vS5K89rWvzYc//OH8t//237J379684Q1vyK5du/LjP/7j+fznP5++vr7WVQ0AANCh9JkAOFK12nEZHt7W7jIAukpRlmXZ7iIeb2hoKAMDAxkcHPSeWgAAFgW/gTla7hmA7tBsNnP//Z/I2rWvbncpAB3taH7/tnRODwAAAADgyFQqlSTNdpcB0FWEHgAAAADQJh32EhaABU/oAQAAAADHYGJicNbHKIqiBZUA8CihBwAAAAAcg337bmt3CQDsR+gBAAAAAAB0BaEHAAAAALSJOT0AWkvoAQAAAADHoFpdMet5PczpAdBaQg8AAAAAOAZ9fZszMnJnu8sA4HGEHgAAAABwDCqV3pTlWLvLAOBxhB4AAAAA0Cbm9ABoLaEHAAAAAADQFYQeAAAAAHDMqmk2J455bxOZA7SW0AMAAAAAjlG9flJGR3/U7jIAeITQAwAAAACOUU/P6kxMPHjM+5vTA6C1hB4AAAAAcIxm+3qqouiZ1euxAJhO6AEAAAAAbVKtLs3ExFC7ywDoGkIPAAAAAGiTWm1lJiYebncZAF1D6AEAAAAAs1CtrsjExOAs9hV6ALSK0AMAAAAAZqGvb1NGRnYc0749PSvTaOxpcUUAi5fQAwAAAABmoVKppyxHj2nfWm1lGo1jGyUCwIGEHgAAAADQJpXKMiM9AFpI6AEAAAAAx2Dfvh/M+hiVSiVlWbagGgASoQcAAAAAHJOJiV2PWypSls1jOk5RFC2pBwChBwAAAAAco2rKspEk6e1dl7GxnW2uBwChBwAAAAAcg76+jRkZuTPJo6HHvTO2azaPbZJzAI6e0AMAAAAAjkFPz+pMTDyUJCmKSpKZX2+1d+93Dnkcc3oAtI7QAwAAAADmlFADYL4IPQAAAAAAgK4g9AAAAACAY1QUPWk2xw74G4D2EHoAAAAAwDHq69uSkZHtSZJ6/aSMjv7ogDaVSl8ajZH5Lg1gURJ6AAAAAMAxqtWWZ2Ji9yN/H5eJiYcPaNPTsybj4/cf9BhFUcxZfQCLjdADAAAAAGbh0dDiYOFFT8+qjI8/OJ8lASxaQg8AAAAAmENFUU3SaHcZAIuC0AMAAAAAZmFyzo59h2l18FdYlWXZ2oIAFjGhBwAAAADMwuMnM69U+o8gAJnOnB4ArSP0AAAAAIBZqFaXpNmcDDrq9Y0ZHb1zhlZGcwDMB6EHAAAAALRIrbY8jcaeo96v2WzOQTUAi4/QAwAAAADmWFHU0mxOzLitWl2WRmNonisC6E5
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAABLqElEQVR4nO39e5hdZX03/r/3nvMhM0MSkhBIQkTkbIqgFFDRQlWkKtW21sc+Uu2DPWA99Wkt11U8VC21tV59tH617ddTHxVrv7+iVlstIqByEDmpKCBgCOGQhBAyk8x5Zq/fHwMDSSaHIXtmz+x5va5rLmevde+1PrNcbve93rnvu1QURREAAAAAAIB5rlzrAgAAAAAAAKpB6AEAAAAAANQFoQcAAAAAAFAXhB4AAAAAAEBdEHoAAAAAAAB1QegBAAAAAADUBaEHAAAAAABQF4QeAAAAAABAXRB6AAAAAAAAdUHoAQAAAAAA1IVphx7f/e5384pXvCIrV65MqVTKV77ylcl9o6Ojede73pWTTjopHR0dWblyZd7whjfkoYceqmbNAAAAc5Y+EwAA1M60Q4/+/v6sW7cuH//4x/fYNzAwkFtuuSWXXHJJbrnllvz7v/977rrrrrzyla+sSrEAAABznT4TAADUTqkoiuJpv7lUyuWXX57zzz9/r21++MMf5nnPe142bNiQ1atXP91TAQAAzDv6TAAAMLsaZ/oEvb29KZVK6enpmXL/8PBwhoeHJ19XKpVs27YtS5YsSalUmunyAACg5oqiyI4dO7Jy5cqUy5bdW2j212dK9JsAAFjYptNnmtHQY2hoKO9617vyute9Ll1dXVO2ufTSS/O+971vJssAAIB5YePGjTniiCNqXQaz6ED6TIl+EwAAJAfWZ5qx6a1GR0fzmte8Jg888ECuvvrqvX6B3/1fLPX29mb16tXZuHHjPr/0AwBAvejr68uqVauyffv2dHd317ocqqgafaZEvwkAgIVtOn2mGRnpMTo6mt/6rd/Khg0b8p3vfGefX8JbWlrS0tKyx/auri5f3gEAWFBMU7RwTKfPlOg3AQBAcmB9pqqHHk98eb/77rtz1VVXZcmSJdU+BQAAwLylzwQAADNn2qHHzp07c88990y+Xr9+fW677bYsXrw4hx12WH7jN34jt9xyS77+9a9nfHw8mzZtSpIsXrw4zc3N1ascAABgDtJnAgCA2pn2mh5XX311XvziF++x/YILLsh73/verF27dsr3XXXVVXnRi1603+P39fWlu7s7vb29hmkDALAg+A5cX2a6z5S4ZwAAWFim8/132iM9XvSiF2VfOclBrIsOAAAw7+kzAQBA7ZRrXQAAAAAAAEA1CD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLkw79Pjud7+bV7ziFVm5cmVKpVK+8pWv7LK/KIq8+93vzmGHHZa2tracc845ufvuu6tVLwAAwJymzwQAALUz7dCjv78/69aty8c//vEp9//N3/xNPvrRj+aTn/xkfvCDH6SjoyMvfelLMzQ0dNDFAgAAzHX6TAAAUDuN033Dueeem3PPPXfKfUVR5O///u/zF3/xF3nVq16VJPmXf/mXLF++PF/5ylfy27/92wdXLQAAwBynzwQAALVT1TU91q9fn02bNuWcc86Z3Nbd3Z3TTjst119//ZTvGR4eTl9f3y4/AAAA9ejp9JkS/SYAADhQVQ09Nm3alCRZvnz5LtuXL18+uW93l156abq7uyd/Vq1aVc2SAAAA5oyn02dK9JsAnmpkZEuGhh6odRkAzFFVDT2ejosvvji9vb2TPxs3bqx1SQAAAHOKfhPAkxobl+axx75V6zIAmKOqGnqsWLEiSbJ58+Zdtm/evHly3+5aWlrS1dW1yw8AAEA9ejp9pkS/CeCpyuVyyuXWjI3trHUpAMxBVQ091q5dmxUrVuTKK6+c3NbX15cf/OAHOf3006t5KgAAgHlHnwmgOpYufU22bv1KrcsAYA5qnO4bdu7cmXvuuWfy9fr163Pbbbdl8eLFWb16dd7+9rfnAx/4QI4++uisXbs2l1xySVauXJnzzz+/mnUDAADMSfpMADOvoaE1RTGcSqWScrnms7cDMIdMO/S46aab8uIXv3jy9Tvf+c4kyQUXXJDPfvaz+bM/+7P09/fnzW9+c7Zv357nP//5+eY3v5nW1tbqVQ0AADBH6TMBzI5DDnlptm37zyxd+mu1LgWAOaRUFEVR6yKeqq+vL93d3ent7TVPLQAAC4LvwEyXewZgwsMPfyqHHfZ7tS4DgBk2ne+/xv8BAAAAMC91dKxLb+8Pa10GAHOI0AMAAACAeamr69QMDPy41mUAMIcIPQAAAACYt5qalmdo6KFalwHAHCH0AAAAAGDeWrz45XnssW/VugwA5gihBwAAAADzVrlcTtKQ8fGhWpcCwBwg9AAAAABgXjv00Fdn69av1roMAOYAoQcAAAAA81pjY2cqlZ21LgOAOUDoAQAAAMC81939wmzbdmWtywCgxoQeAAAAAMx77e1HZ3j4vlqXAUCNCT0AAAAAqAstLaszMHB3rcsAoIaEHgAAAADUhZ6es9Pb+91alwFADQk9AAAAAKgL5XI55XJrxsYsag6wUAk9AAAAAKgbS5b8eh599Ku1LgOAGhF6AAAAAFA3GhvbU6kMpVKp1LoUAGpA6AEAAABAXenufmG2b7+q1mUAUANCDwAAAADqSnv70Rkevr/WZQBQA0IPAAAAAOpOc/PKDA5uqHUZAMwyoQcAAAAAdeeQQ34127d/p9ZlADDLhB4AAAAA1J1yuZxSqSnj40O1LgWAWST0AAAAAKAuLVnya3n00a+lUhlNf/8dtS4HgFkg9AAAAACgLjU19WR8vD/lclPGx3fWuhwAZoHQAwAAAIC61dm5Lr29P0hjY09GRx+rdTkAzDChBwAAAAB1a9Gi52Rg4Gdpa3tmBgfvqXU5AMwwoQcAAAAAda2hYVHGxnqTJEVR1LgaAGaS0AMAAACAurZ06SuzdevX0t5+bAYG7qx1OQDMIKEHAAAAAHWtXG5OMp5yuSPj4ztqXQ4AM0joAQAAAEDd6+5+YbZvvzINDZ0ZG9tZ63IAmCFCDwAAAADqXnv7URkefiDt7cdlYOCOWpcDwAwRegAAAACwIDQ1Lcnw8MNJLGgOUK+EHgAAAAAsCIsX/1oee+yKtLauzdDQ+lqXA8AMEHoAAAAAsCCUy+UklTQ2Ls7o6NZalwPADBB6AAAAALBgHHLI2XnssW+lVGpOpTJS63IAqDKhBwAAAAALRmvr6oyMbEpHxwnp7/9prcsBoMqEHgAAAAAsKE1Nh2ZkZHOKYqzWpQBQZUIPAAAAABaUxYtfnsceu/Lx8GNLrcsBoIqEHgAAAAAsKBMLmictLaszNLShxtUAUE1CDwAAAAAWnJ6eF+Wxx76VJCmKosbVAFAtQg8AAAAAFpy2tjUZGdmU9vZjMjj
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAABEcUlEQVR4nO3deZgddZ0v/vfpvbN0hySQBZIQFkEghk0ygIqOXBW9Cu5ymRE3vDq4IPObYbjPIO6MDvqM20WdK7jg/oy4js4gsiibQEBRWQKEJAIJBEh31u5Od/3+aNIkkK1Jd+qc06/X85wn59SpU/Xp4svp+tS7q6pSFEURAAAAAACAGtdQdgEAAAAAAAAjQegBAAAAAADUBaEHAAAAAABQF4QeAAAAAABAXRB6AAAAAAAAdUHoAQAAAAAA1AWhBwAAAAAAUBeEHgAAAAAAQF0QegAAAAAAAHVB6AEAAAAAANSFYYce11xzTV75yldm5syZqVQq+dGPfjT0Xl9fX84555zMmzcv48ePz8yZM/PmN785Dz744EjWDAAAULX0TAAAUJ5hhx5r167N/Pnz88UvfvFp761bty4LFy7Meeedl4ULF+aHP/xh7rrrrrzqVa8akWIBAACqnZ4JAADKUymKonjGH65Uctlll+WUU07Z5jw33XRTjjnmmCxZsiSzZ89+pqsCAACoOXomAADYvZpGewVdXV2pVCqZNGnSVt/v6elJT0/P0OuBgYE89thjmTJlSiqVymiXBwAApSuKIqtXr87MmTPT0OC2e2PNjnqmRN8EAMDYNpyeaVRDjw0bNuScc87Jqaeemo6Ojq3Oc8EFF+TDH/7waJYBAAA1YdmyZdlnn33KLoPdaGd6pkTfBAAAyc71TKN2eau+vr689rWvzV/+8pdcddVV29yBf+pfLHV1dWX27NlZtmzZdnf6AQCgXnR3d2fWrFlZtWpVOjs7yy6HETQSPVOibwIAYGwbTs80Kmd69PX15Q1veEOWLFmSX//619vdCW9tbU1ra+vTpnd0dNh5BwBgTHGZorFjOD1Tom8CAIBk53qmEQ89Nu28L1q0KFdeeWWmTJky0qsAAACoWXomAAAYPcMOPdasWZN77rln6PXixYtz2223ZfLkyZkxY0Ze97rXZeHChfnZz36W/v7+LF++PEkyefLktLS0jFzlAAAAVUjPBAAA5Rn2PT2uuuqqvOhFL3ra9NNPPz0f+tCHMnfu3K1+7sorr8wLX/jCHS6/u7s7nZ2d6erqcpo2AABjgn3g+jLaPVNizAAAMLYMZ/932Gd6vPCFL8z2cpJduC86AABAzdMzAQBAeRrKLgAAAAAAAGAkCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgw79Ljmmmvyyle+MjNnzkylUsmPfvSjLd4viiIf/OAHM2PGjLS3t+fEE0/MokWLRqpeAACAqqZnAgCA8gw79Fi7dm3mz5+fL37xi1t9/1Of+lQ+97nP5Utf+lJuvPHGjB8/Pi996UuzYcOGXS4WAACg2umZAACgPE3D/cBJJ52Uk046aavvFUWRf/u3f8s///M/5+STT06SfOMb38i0adPyox/9KG9605t2rVoAAIAqp2cCAIDyjOg9PRYvXpzly5fnxBNPHJrW2dmZBQsW5Prrr9/qZ3p6etLd3b3FAwAAoB49k54p0TcBAMDOGtHQY/ny5UmSadOmbTF92rRpQ+891QUXXJDOzs6hx6xZs0ayJAAAgKrxTHqmRN8EAAA7a0RDj2fi3HPPTVdX19Bj2bJlZZcEAABQVfRNAACwc0Y09Jg+fXqSZMWKFVtMX7FixdB7T9Xa2pqOjo4tHgAAAPXomfRMib4JAAB21oiGHnPnzs306dNzxRVXDE3r7u7OjTfemGOPPXYkVwUAAFBz9EwAADC6mob7gTVr1uSee+4Zer148eLcdtttmTx5cmbPnp2zzjorH/vYx3LggQdm7ty5Oe+88zJz5syccsopI1k3AABAVdIzAQBAeYYdetx888150YteNPT67LPPTpKcfvrp+drXvpZ//Md/zNq1a/POd74zq1atyvOe97z88pe/TFtb28hVDQAAUKX0TAAAUJ5KURRF2UVsrru7O52dnenq6nKdWgAAxgT7wAyXMQMAwFgynP3fEb2nBwAAAAAAQFmEHgAAAAAAQF0QegAAAAAAAHVB6AEAAAAAANQFoQcAAAAAAFAXhB4AAAAAAEBdEHoAAAAAAAB1QegBAAAAAADUBaEHAAAAAABQF4QeAAAAAABAXRB6AAAAAAAAdUHoAQAAAAAA1AWhBwAAAAAAUBeEHgAAAAAAQF0QegAAAAAAAHVB6AEAAAAAANQFoQcAAAAAAFAXhB4AAAAAAEBdEHoAAAAAAAB1QegBAAAAAADUBaEHAAAAAKVYtarsCgCoN0IPAAAAAEpx551JUZRdBQD1ROgBAAAAQCnmzUv++MeyqwCgngg9AAAAACjF+PHJunVJf3/ZlQBQL4QeAAAAAJTm8MOT224ruwoA6oXQAwAAAIDStLYO3tejt7fsSgCoB0IPAAAAAEp1xBHO9gBgZAg9AAAAAChVY2PS1pasXVt2JQDUOqEHAAAAAKWbNy/5wx/KrgKAWif0AAAAAKB0lUqyxx7JY4+VXQkAtUzoAQAAAEBVOPjg5K67yq4CgFom9AAAAACgasyYkTz0UNlVAFCrhB4AAAAAVI19902WLCm7CgBqldADAAAAgKoyZ05y//1lVwFALRJ6AAAAAFBVXOIKgGdK6AEAAABA1TnoIDc1B2D4hB4AAAAAVJ3Jk5PHH0+KouxKAKglQg8AAAAAqtJhhyW33152FQDUEqEHAAAAAFVpwoRk/fqkv7/sSgCoFUIPAAAAAKrWEUckt91WdhUA1AqhBwAAAEAdWrfurhR1cEOMlpbBf3t7y60DgNog9AAAAACoQy0tM9LdfX16eh4ou5RddvjhzvYAYOcIPQAAAADqUFNTRzo7j8vAQF+6uq5Lf/+6skt6xhobk/b2ZM2asisBoNoJPQAAAADqWHv7vunoODbr1t2V1atvq9lLXh12WHL77WVXAUC1E3oAAAAA1LlKpZKJE4/IuHEHprv7+mzYsKzskoatUkkmT04efbTsSgCoZkIPAAAAgDGisXF8OjuPS5InLnm1tuSKhuegg5K77y67CgCqmdADAAAAYIxpa5v1xCWvFtXcJa9mzkweqP17swMwSoQeAAAAAGPQ4CWvDq+5S17NmZMsXVp2FQBUK6EHAAAAwBj25CWviicuebW+7JJ2aL/9kvvuK7sKAKqR0AMAAACAtLXNfuKSV3dkzZo/VPUlr6ZNS5YvT6q4RABKIvQAAAAAIMmmS14dmba2fdPdfV16epaXXdI2HXpocscdZVcBQLURegAAAACwhaamjnR2Hp/+/jXp6rohAwN9ZZf0NJ2dyerVycBA2ZUAUE2EHgAAAABs1bhxB2TixKO
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAABS80lEQVR4nO3deZxddX0//tedfbJNSAJZIIGwr0ZARMAiKopoVVyp1YobVotVtIvyexSXtkqty6O1+sXl61a1bq27rX4pCiiiIIuAQggQQlhC2DKTyWTWe35/3GTIJCHJkJmcmTvP5+NxH3Pvueee857D4c75nFc+n0+lKIoiAAAAAAAAk1xD2QUAAAAAAACMBaEHAAAAAABQF4QeAAAAAABAXRB6AAAAAAAAdUHoAQAAAAAA1AWhBwAAAAAAUBeEHgAAAAAAQF0QegAAAAAAAHVB6AEAAAAAANQFoQcAAAAAAFAXRh16XHHFFXnhC1+YRYsWpVKp5Hvf+97wewMDA3n3u9+dY445JtOnT8+iRYvy2te+Nvfdd99Y1gwAADBhaTMBAEB5Rh16bNiwIcuWLcunPvWpbd7r6enJddddlwsvvDDXXXddvvOd72T58uV50YteNCbFAgAATHTaTAAAUJ5KURTFE/5wpZLvfve7Oeussx53nWuuuSZPfepTs2rVqixZsuSJ7goAAGDS0WYCAIA9q2m8d9DZ2ZlKpZLZs2dv9/2+vr709fUNv65Wq3nkkUcyd+7cVCqV8S4PAABKVxRF1q9fn0WLFqWhwbR7U83O2kyJdhMAAFPbaNpM4xp69Pb25t3vfnde9apXZdasWdtd56KLLsoHPvCB8SwDAAAmhdWrV2e//fYruwz2oF1pMyXaTQAAkOxam2nchrcaGBjIy172stxzzz257LLLHvcCfut/sdTZ2ZklS5Zk9erVO7zoBwCAetHV1ZXFixdn3bp16ejoKLscxtBYtJkS7SYAAKa20bSZxqWnx8DAQF75yldm1apV+dnPfrbDi/DW1ta0trZus3zWrFku3gEAmFIMUzR1jKbNlGg3AQBAsmttpjEPPTZfvK9YsSI///nPM3fu3LHeBQAAwKSlzQQAAONn1KFHd3d3br/99uHXK1euzA033JA5c+Zk4cKFefnLX57rrrsuP/rRjzI0NJQ1a9YkSebMmZOWlpaxqxwAAGAC0mYCAIDyjHpOj8suuyzPfOYzt1l+zjnn5P3vf3+WLl263c/9/Oc/z2mnnbbT7Xd1daWjoyOdnZ26aQMAMCW4Bq4v491mSpwzAABMLaO5/h11T4/TTjstO8pJdmNedAAAgElPmwkAAMrTUHYBAAAAAAAAY0HoAQAAAAAA1AWhBwAAAAAAUBeEHgAAAAAAQF0QegAAAAAAAHVB6AEAAAAAANQFoQcAAAAAAFAXhB4AAAAAAEBdEHoAAAAAAAB1QegBAAAAAADUBaEHAAAAAABQF4QeAAAAAABAXRB6AAAAAAAAdUHoAQAAAAAA1AWhBwAAAAAAUBeEHgAAAAAAQF0QegAAAAAAAHVB6AEAAAAAANQFoQcAAAAAAFAXhB4AAAAAAEBdEHoAAAAAAAB1QegBAAAAAADUBaEHAAAAAABQF4QeAAAAAABAXRB6AAAAAAAAdUHoAQAAAAAA1AWhBwAAAAAAUBeEHgAAAAAAQF0QegAAAAAAAHVB6AEAAAAAANQFoQcAAAAAAFAXhB4AAAAAAEBdEHoAAAAAAAB1QegBAAAAAADUBaEHAAAAAABQF4QeAAAAAABAXRB6AAAAAAAAdUHoAQAAAAAA1AWhBwAAAAAAUBeEHgAAAAAAQF0QegAAAAAAAHVB6AEAAAAAANQFoQcAAAAAAFAXhB4AAAAAAEBdEHoAAAAAAAB1QegBAAAAAADUBaEHAAAAAABQF4QeAAAAAABAXRB6AAAAAAAAdUHoAQAAAAAA1AWhBwAAAAAAUBeEHgAAAAAAQF0QegAAAAAAAHVh1KHHFVdckRe+8IVZtGhRKpVKvve97414vyiKvPe9783ChQvT3t6e008/PStWrBiregEAACY0bSYAACjPqEOPDRs2ZNmyZfnUpz613ff/+Z//OZ/4xCfy6U9/Or/5zW8yffr0nHHGGent7d3tYgEAACY6bSYAAChP02g/cOaZZ+bMM8/c7ntFUeRf/uVf8nd/93d58YtfnCT593//98yfPz/f+9738id/8ie7Vy0AAMAEp80EAADlGdM5PVauXJk1a9bk9NNPH17W0dGRE088MVddddV2P9PX15eurq4RDwAAgHr0RNpMiXYTAADsqjENPdasWZMkmT9//ojl8+fPH35vaxdddFE6OjqGH4sXLx7LkgAAACaMJ9JmSrSbAABgV41p6PFEXHDBBens7Bx+rF69uuySAAAAJhTtJgAA2DVjGnosWLAgSfLAAw+MWP7AAw8Mv7e11tbWzJo1a8QDAACgHj2RNlOi3QQAALtqTEOPpUuXZsGCBbn00kuHl3V1deU3v/lNTjrppLHcFQAAwKSjzQQAAOOrabQf6O7uzu233z78euXKlbnhhhsyZ86cLFmyJOeff37+8R//MYccckiWLl2aCy+8MIsWLcpZZ501lnUDAABMSNpMAABQnlGHHr/97W/zzGc+c/j1u971riTJOeecky996Uv527/922zYsCFvfvObs27dujz96U/PT37yk7S1tY1d1QAAABOUNhMAAJSnUhRFUXYRW+rq6kpHR0c6OzuNUwsAwJTgGpjRcs4AADCVjOb6d0zn9AAAAAAAACiL0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAACAXXDzzclXv5oMDpZdCQDweJrKLgAAAABgMjj66GS//ZIvfCE59NDktNPKrggA2JqeHgAAAAC7aPbs5M1vrv28+OLk7rvLrggA2JLQAwAAAGCUnvzk5M//PLn22uTLXzbkFQBMFIa3AgAAAHgCGhqSl7wk6epKvvSl5MADk2c9q+yqAGBq09MDAAAAYDfMmpW86U3JvHnJZz6TrFpVdkUAMHUJPQAAAADGwJOeVBvy6ne/qw151dtbdkUAMPUY3goAAABgDL3oRUl3d/K1ryX77ZeccUbZFQHA1KGnBwAAAMAYmzEjeeMbkyVLkosvTpYvL7siAJgahB4AAAAA4+SII5K3vjW5887k859PenrKrggA6pvhrQAAAADG2Zln1ub4+PrXk733Tv74j8uuCADqk54eAAAAAHtAW1vy+tfXen985jPJjTeWXREA1B+hBwAAAMAedNBByZ//efLQQ8lnP5usW1d2RQBQPwxvBQAAAFCCZz0rOfXU5BvfqPUCeelLkwb/PBUAdos/pQAAAAAlaWpKXvOa5OlPTz73ueSqq8quCAAmtzEPPYaGhnLhhRdm6dKlaW9vz0EHHZR/+Id/SFEUY70rAACASUebCdieBQtqQ141NdXm+7jvvrIrAoDJacyHt/rwhz+ciy++OF/+8pdz1FFH5be//W1e//rXp6OjI29/+9vHencAAACTijYT7NiGDbekWu3Z9KqS1tb90ty8dyqVSql17SknnJAcf3zy/e8nXV3Jq16VtLSUXRUATB5jHnr86le/yotf/OK84AUvSJIccMAB+frXv56rr756rHcFAAAw6WgzwY5
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAABVPElEQVR4nO3deZhcdZ0v/nf1viTpkIRskISwyL5vIiAuKKKj4sq4jCAjXh0cRebOIPe5uMyM4v6bcRmdcQR1dNzGcXf0IrLIouyKrAFD2BIgYLo7nd7SfX5/VNKQkK2T7lR19ev1PP101alT53zqcKic73n39/stFUVRBAAAAAAAYIKrq3QBAAAAAAAAY0HoAQAAAAAA1AShBwAAAAAAUBOEHgAAAAAAQE0QegAAAAAAADVB6AEAAAAAANQEoQcAAAAAAFAThB4AAAAAAEBNEHoAAAAAAAA1QegBAAAAAADUhFGHHldddVVe/vKXZ/78+SmVSvnBD34w8trg4GDOP//8HHzwwWlvb8/8+fPzlre8JY888shY1gwAAFC1tJkAAKByRh169PT05NBDD83nP//5Z7y2Zs2a3Hzzzbnwwgtz880357//+79z99135xWveMWYFAsAAFDttJkAAKBySkVRFNv95lIp3//+93Paaadtdp0bbrghxxxzTJYtW5aFCxdu764AAAAmHG0mAADYuRrGewednZ0plUqZPn36Jl/v7+9Pf3//yPPh4eE8+eSTmTlzZkql0niXBwAAFVcURbq7uzN//vzU1Zl2b7LZWpsp0W4CAGByG02baVxDj76+vpx//vl5wxvekGnTpm1ynYsuuigf+tCHxrMMAACYEB588MHsvvvulS6DnWhb2kyJdhMAACTb1mYat+GtBgcH85rXvCYPPfRQrrjiis1ewG/8F0udnZ1ZuHBhHnzwwS1e9AMAQK3o6urKggULsmrVqnR0dFS6HMbQWLSZEu0mAAAmt9G0mcalp8fg4GBe//rXZ9myZfnVr361xYvw5ubmNDc3P2P5tGnTXLwDADCpGKZo8hhNmynRbgIAgGTb2kxjHnqsv3hfsmRJLr/88sycOXOsdwEAADBhaTMBAMD4GXXosXr16tx7770jz5cuXZpbb701M2bMyLx58/La1742N998c37yk59kaGgoK1asSJLMmDEjTU1NY1c5AABAFdJmAgCAyhn1nB5XXHFFnv/85z9j+RlnnJEPfvCDWbx48Sbfd/nll+d5z3veVrff1dWVjo6OdHZ26qYNAMCk4Bq4tox3mylxzgAAMLmM5vp31D09nve852VLOckOzIsOAAAw4WkzAQBA5dRVugAAAAAAAICxIPQAAAAAAABqgtADAAAAAACoCUIPAAAAAACgJgg9AAAAAACAmiD0AAAAAAAAaoLQAwAAAAAAqAlCDwAAAAAAoCYIPQAAAAAAgJog9AAAAAAAAGqC0AMAAAAAAKgJQg8AAAAAAKAmCD0AAAAAAICaIPQAAAAAAABqgtADAAAAAACoCUIPAAAAAACgJgg9AAAAAACAmiD0AAAAAAAAaoLQAwAAAAAAqAlCDwAAAAAAoCYIPQAAAAAAgJog9AAAAAAAAGqC0AMAAAAAAKgJQg8AAAAAAKAmCD0AAAAAAICaIPQAAAAAAABqgtADAAAAAACoCUIPAAAAAACgJgg9AAAAAACAmiD0AAAAAAAAaoLQAwAAAAAAqAlCDwAAAAAAoCYIPQAAAAAAgJog9AAAAAAAAGqC0AMAAAAAAKgJQg8AAAAAAKAmCD0AAAAAAICaIPQAAAAAAABqgtADAAAAAACoCUIPAAAAAACgJgg9AAAAAACAmiD0AAAAAAAAaoLQAwAAAAAAqAlCDwAAAAAAoCYIPQAAAAAAgJog9AAAAAAAAGqC0AMAAAAAAKgJQg8AAAAAAKAmCD0AAAAAAICaIPQAAAAAAABqgtADAAAAAACoCUIPAAAAAACgJgg9AAAAAACAmjDq0OOqq67Ky1/+8syfPz+lUik/+MEPNni9KIq8//3vz7x589La2pqTTz45S5YsGat6AQAAqpo2EwAAVM6oQ4+enp4ceuih+fznP7/J1z/+8Y/nM5/5TL74xS/mt7/9bdrb23PKKaekr69vh4sFAACodtpMAABQOQ2jfcOpp56aU089dZOvFUWRf/qnf8r//b//N6985SuTJF/72tcyZ86c/OAHP8if//mf71i1AAAAVU6bCQAAKmdM5/RYunRpVqxYkZNPPnlkWUdHR4499thcd911m3xPf39/urq6NvgBAACoRdvTZkq0mwAAYFuNaeixYsWKJMmcOXM2WD5nzpyR1zZ20UUXpaOjY+RnwYIFY1kSAABA1dieNlOi3QQAANtqTEOP7XHBBReks7Nz5OfBBx+sdEkAAABVRbsJAAC2zZiGHnPnzk2SPProoxssf/TRR0de21hzc3OmTZu2wQ8AAEAt2p42U6LdBAAA22pMQ4/Fixdn7ty5ueyyy0aWdXV15be//W2OO+64sdwVAADAhKPNBAAA46thtG9YvXp17r333pHnS5cuza233poZM2Zk4cKFOffcc/OP//iP2WeffbJ48eJceOGFmT9/fk477bSxrBsAAKAqaTMxGa1e/fu0tR2QurpR32YAABhTo74aufHGG/P85z9/5Pl5552XJDnjjDPyla98JX/3d3+Xnp6evP3tb8+qVatywgkn5Oc//3laWlrGrmoAAIAqpc3EZNTWtn+6u29MU9PctLbuUelyAIBJrFQURVHpIp6uq6srHR0d6ezsNE4tAACTgmtgRss5Q7Xq63so/f3LMmXKkamvF+QBAGNjNNe/+p0CAAAAY6KlZfc0N++W7u6bUl8/Je3t+1W6JABgkhnTicwBAACAya1UKmXatKPS2Dgrq1ZdnbVruypdEgAwiejpAQAAAIy5pqZZaWw8Pj09tyUp0t5+SEqlUqXLAgBqnJ4eAAAAwLgolUqZMuWQtLTsma6uazMwsLLSJQEANU7oAQAAAIyrhoap6eg4PmvXPpGurhtTFEWlSwIAapThrQAAAICdoq1t3wwN9aWr67q0tCxKc/NulS4JAKgxenoAAAAAO019fUs6Op6T4eH+dHZel+HhtZUuCQCoIUIPAAAAYKdrbd0zU6cene7uG9Pbe3+lywEAaoTQAwAAAKiIurqGdHQ8O3V1jensvDbDw/2VLgkAmODM6QEAAABUVHPzbmlqmpfu7pvS0DA9bW37VLokAGCC0tMDAAAAqLhSqS7Tph2dhoZpWbXq6gwNral0SQDABKSnBwAAAFA1mprmpLFxdlavviV1da1pb9+/0iUBABOInh4AAABAVSmVSpk69Yg0Nc3OqlVXZ+3a7kqXBABMEEIPAAAAoCo1Ns5MR8fx6e29L6tX31bpcgCACUDoAQAAAFStcq+Pw9LcvCCrVl2dwcFVlS4JAKhiQg8AAACg6jU2Ts/06Sekv/+hrF79uxRFUemSAIAqJPQAAAAAJowpUw5KS8ue6ey8JoODT1a6nJ1qxYpKVwAA1U/oAQAAAEwoDQ1TM336CRkYWJHu7lsnTa+Pzs7kiScqXQUAVDehBwAAADAhtbcfkNbWvdPZeU0GBlZWupxxt+++yT33VLoKAKhuQg8AAABgwmpomJLp00/I4ODj6e6+peZ7fSxYkDz4YKWrAIDqJfQAAAAAJrz29v3T1vasmu/1sfvuQg8A2BKhBwAAAFAT6uvbn9br4+aa7fWx337JXXdVugoAqE5CDwAAAKCmlHt97FuzvT5mzEhWrUqGhytdCQBUH6EHAAAAUHM27PVxa831+jjssOR3v6t0FQBQfYQeAAAAQM1qb98/ra17p7PzmgwOPlnpcsZMS0u5p8fAQKUrAYDqIvQAAAAAalpDw5RMn35CBgaW11Svj8MOS265pdJVAEB1EXoAAAAAk0J7+4Fpbd1rXa+PVZUuZ4fV1ydTpyadnZWuBACqh9ADAAAAmDQaGqZm+vQT0t//YFav/kOly9lh+++f3HFHpasAgOoh9AAAAAAmnSlTDk5z8+5ZterqrF3bXelytluplMyfnzz8cKUrAYDqIPQ
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAABRU0lEQVR4nO39eZhcZZ03/r+r96ydBbISQth3VJYMiAvIiIyiOI77gowjinGU8RlHfZ4B5dERx5mL8Td+FXfQQRnxGQEXFJFVWVQ2FYSQhBjWhDXdSTrpper8/qikQxZImnSnuqtfr+uqK12nTp365OSmOPd5933fpaIoigAAAAAAAIxwDbUuAAAAAAAAYDAIPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAujDg0OOGG27IySefnFmzZqVUKuWyyy7rf623tzcf+9jHcsghh2TcuHGZNWtW3vWud+WRRx4ZzJoBAACGLX0mAAConQGHHmvWrMlhhx2WL33pS1u81tXVldtvvz1nnXVWbr/99vzwhz/MwoUL89rXvnZQigUAABju9JkAAKB2SkVRFM/7zaVSLr300pxyyinPus/vfve7HHXUUVm2bFl233335/tRAAAAI44+EwAA7FxNQ/0BHR0dKZVKmTRp0lZf7+7uTnd3d//zSqWSp556KlOnTk2pVBrq8gAAoOaKosiqVasya9asNDRYdm+02VafKdFvAgBgdBtIn2lIQ49169blYx/7WN761rdm4sSJW93n3HPPzTnnnDOUZQAAwIjw4IMPZrfddqt1GexE29NnSvSbAAAg2b4+05BNb9Xb25s3vOENeeihh3Ldddc96wX85r+x1NHRkd133z0PPvjgc170AwBAvejs7MycOXOycuXKtLe317ocBtFg9JkS/SYAAEa3gfSZhmSkR29vb970pjdl2bJlueaaa57zIry1tTWtra1bbJ84caKLdwAARhXTFI0eA+kzJfpNAACQbF+fadBDjw0X74sWLcq1116bqVOnDvZHAAAAjFj6TAAAMHQGHHqsXr06ixcv7n++dOnS3HnnnZkyZUpmzpyZv/mbv8ntt9+en/zkJymXy1m+fHmSZMqUKWlpaRm8ygEAAIYhfSYAAKidAa/pcd111+W4447bYvupp56aT33qU5k3b95W33fttdfm5S9/+TaP39nZmfb29nR0dBimDQDAqOAauL4MdZ8p0WYAABhdBnL9O+CRHi9/+cvzXDnJDqyLDgAAMOLpMwEAQO001LoAAAAAAACAwSD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLog9AAAAAAAAOqC0AMAAAAAAKgLQg8AAAAAAKAuCD0AAAAAAIC6IPQAAAAAAADqgtADAAAAAACoC0IPAAAAAACgLgg9AAAAAACAuiD0AAAAAAAA6oLQAwAAAAAAqAtCDwAAAAAAoC4IPQAAAAAAgLow4NDjhhtuyMknn5xZs2alVCrlsssu2+T1oihy9tlnZ+bMmRkzZkxOOOGELFq0aLDqBQAAGNb0mQAAoHYGHHqsWbMmhx12WL70pS9t9fXPf/7z+c///M985StfyW9+85uMGzcuJ554YtatW7fDxQIAAAx3+kwAAFA7TQN9w0knnZSTTjppq68VRZEvfOEL+ed//ue87nWvS5J85zvfyfTp03PZZZflLW95y45VCwAAMMzpMwEAQO0M6poeS5cuzfLly3PCCSf0b2tvb8/8+fNz8803b/U93d3d6ezs3OQBAABQj55PnynRbwIAgO01qKHH8uXLkyTTp0/fZPv06dP7X9vcueeem/b29v7HnDlzBrMkAACAYeP59JkS/SYAANhegxp6PB+f+MQn0tHR0f948MEHa10SAADAsKLfBAAA22dQQ48ZM2YkSVasWLHJ9hUrVvS/trnW1tZMnDhxkwcAAEA9ej59pkS/CQAAtteghh7z5s3LjBkzcvXVV/dv6+zszG9+85scffTRg/lRAAAAI44+EwAADK2mgb5h9erVWbx4cf/zpUuX5s4778yUKVOy++6758wzz8xnPvOZ7LPPPpk3b17OOuuszJo1K6eccspg1g0AADAs6TMBAEDtDDj0uPXWW3Pcccf1P//IRz6SJDn11FNz4YUX5p/+6Z+yZs2anH766Vm5cmWOPfbY/PznP09bW9vgVQ0AADBM6TMBAEDtlIqiKGpdxDN1dnamvb09HR0d5qkFAGBUcA3MQGkzAACMJgO5/h3UNT0AAAAAAABqRegBAAAAAADUBaEHAAAAAABQF4QeAAAAAABAXRB6AAAAAAAAdUHoAQAAAAAA1AWhBwAAAAAAUBeEHgAAAAAAQF0QegAAAAAAAHVB6AEAAAAAANQFoQcAAAAAAFAXhB4AAAAAAEBdEHoAAAAAAAB1QegBAAAAAADUBaEHAAAAAABQF4QeAAAAAABAXRB6AAAAAAAAdUHoAQAAAAAA1AWhBwAAAAAAUBeEHgAAAAAAQF0QegAAAAAAAHVB6AEAAAAAANQFoQcAAAAAAFAXhB4AAAAAAEBdEHoAAAAAAAB1QegBAAAAAADUBaEHAAAAAABQF4QeAAAAAABAXRB6AAAAAAAAdUHoAQAAAAAA1AWhBwAAAAAAUBeEHgAAAAAAQF0QegAAAAAAAHVB6AEAAAAAANQFoQcAAAAAAFAXhB4AAAAAAEBdEHoAAAAAAAB1QegBAAAAAADUBaEHAAAAAABQF5pqXQAAAACMFH19HVm7dnGSpFRqSlvbHmlqaq9xVQAAbCD0AAAAgO3U1NSeCRMOT5JUKr1Zt+7P/SFIkjQ2Tkhb27w0NDTXqkQAgFFN6AEAAADPQ0NDc8aO3WeTbX19nenq+lMqld6USqUkSWvrnDQ379r/HACAoSP0AAAAgEHS1DQx48cf1v+8KIp0dz+UVatu69/W2DgmbW17pbGxrRYlAgDUNaEHAAAAbMPq1cnixcluuyVTpybbO2ijVCqlrW1O2trm9G8rl7uydu2iVCrd/fu0tMxOS8t0o0EAAHaQ0AMAAAC2Yfz45OCDk4ceSpYt27i9KJLJk5Pdd0+at3MZj8bGsRk//pBnHKNIT88jWb369v5tDQ1jM2bMXmloaBmsvwIAwKgg9AAAAIDt0NSU7LFH9fFMTz+d3HNP0ttbHQFSFElLSzUIaW/f9nFLpVJaW2entXV2/7ZyeU26uu5NUfRu2CttbXukuXnKYP11AADqktADAAAAdsDkydXHM/X0VEeELF68cVuplMyYkcycue3psRobx2X8+EP7nxdFOevWLcu6dUv7tzU1TU1b2+4plRoG468BAFAXhB4AAAAwyFpakn322XRbUSTLlyd33FH9eYOJE5O5c6vveTalUmPGjNlzk209PU9k9eo7k1QP1tDQljFj9k5DQ+vg/CUAAEYgoQcAAADsBKVSdZTHzJmbbu/oSO69tzo91gatrdVptMaPf/bjtbTskpaWXfqfl8tr09V1X4qiZ/2WalDS1DRx0P4OAADDndADAAAAaqi9PTn00E23rVtXnR5r9eqN2xobkzlzkilTtj4
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAABJfklEQVR4nO3deZRcZZ0//nd1d7qzd0hCNkhCQJQdlCUGBFGjgiiLzrjgjILKjA6KDPOdQX4jIl8X1HE889XxoDNf18FxZxtmlC+g4AJIIICgLAmGPQmEkO6s3Z3u+/ujkk46CUmadKe6b79e59Tpqlu3qj65eVK5z3338zyVoiiKAAAAAAAADHJ1tS4AAAAAAACgLwg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASkHoAQAAAAAAlILQAwAAAAAAKAWhBwAAAAAAUApCDwAAAAAAoBSEHgAAAAAAQCkIPQAAAAAAgFLodejxq1/9Km95y1sybdq0VCqVXH311d3PdXR05MILL8yhhx6aUaNGZdq0aXnPe96Tp59+ui9rBgAAGLD0mQAAoHZ6HXqsXr06hx9+eL761a9u9dyaNWsyf/78XHzxxZk/f36uvPLKPPTQQzn11FP7pFgAAICBTp8JAABqp1IURfGiX1yp5Kqrrsrpp5/+gvvMmzcvxxxzTB577LHMmDHjxX4UAADAoKPPBAAAu1dDf39AS0tLKpVKxo0bt83n29ra0tbW1v24q6sry5cvz4QJE1KpVPq7PAAAqLmiKLJy5cpMmzYtdXWW3RtqdtRnSvSbAAAY2nrTZ+rX0GPdunW58MIL8653vStjx47d5j6XXXZZLr300v4sAwAABoUnnngie++9d63LYDfamT5Tot8EAADJzvWZ+m16q46OjrztbW/Lk08+mZtvvvkFT+C3/I2llpaWzJgxI0888cR2T/oBAKAsWltbM3369KxYsSLNzc21Loc+1Bd9pkS/CQCAoa03faZ+GenR0dGRt7/97Xnsscfyi1/8Yrsn4U1NTWlqatpq+9ixY528AwAwpJimaOjoTZ8p0W8CAIBk5/pMfR56bDx5X7BgQX75y19mwoQJff0RAAAAg5Y+EwAA9J9ehx6rVq3KwoULux8vWrQo99xzT8aPH5+pU6fmz/7szzJ//vxcd9116ezszJIlS5Ik48ePT2NjY99VDgAAMADpMwEAQO30ek2Pm2++Oa95zWu22v7e9743n/zkJzNr1qxtvu6Xv/xlTjzxxB2+f2tra5qbm9PS0mKYNgAAQ4Jz4HLp7z5Tos0AADC09Ob8t9cjPU488cRsLyfZhXXRAQAABj19JgAAqJ26WhcAAAAAAADQF4QeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASkHoAQAAAAAAlILQAwAAAAAAKAWhBwAAAAAAUApCDwAAAAAAoBSEHgAAAAAAQCkIPQAAAAAAgFIQegAAAAAAAKUg9AAAAAAAAEpB6AEAAAAAAJSC0AMAAAAAACgFoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASkHoAQAAAAAAlILQAwAAAAAAKAWhBwAAAAAAUApCDwAAAAAAoBSEHgAAAAAAQCkIPQAAAAAAgFIQegAAAAAAAKUg9AAAAAAAAEpB6AEAAAAAAJSC0AMAAAAAACgFoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASqHXocevfvWrvOUtb8m0adNSqVRy9dVX93i+KIp84hOfyNSpUzNixIjMnTs3CxYs6Kt6AQAABjR9JgAAqJ1ehx6rV6/O4Ycfnq9+9avbfP4LX/hCvvzlL+drX/tafve732XUqFF54xvfmHXr1u1ysQAAAAOdPhMAANROQ29fcPLJJ+fkk0/e5nNFUeRf/uVf8vGPfzynnXZakuS73/1uJk+enKuvvjrvfOc7d61aAACAAU6fCQAAaqdP1/RYtGhRlixZkrlz53Zva25uzuzZs3Pbbbdt8zVtbW1pbW3tcQMAACijF9NnSvSbAABgZ/Vp6LFkyZIkyeTJk3tsnzx5cvdzW7rsssvS3NzcfZs+fXpflgQAADBgvJg+U6LfBAAAO6tPQ48X46KLLkpLS0v37Yknnqh1SQAAAAOKfhMAAOycPg09pkyZkiRZunRpj+1Lly7tfm5LTU1NGTt2bI8bAABAGb2YPlOi3wQAADurT0OPWbNmZcqUKbnpppu6t7W2tuZ3v/td5syZ05cfBQAAMOjoMwEAQP9q6O0LVq1alYULF3Y/XrRoUe65556MHz8+M2bMyPnnn59Pf/rT2X///TNr1qxcfPHFmTZtWk4//fS+rBsAAGBA0mcCAIDa6XXoceedd+Y1r3lN9+MLLrggSfLe97433/72t/MP//APWb16df7qr/4qK1asyKte9ar8/Oc/z/Dhw/uuagAAgAFKnwkAAGqnUhRFUesiNtfa2prm5ua0tLSYpxYAgCHBOTC9pc0AADCU9Ob8t0/X9AAAAAAAAKgVoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASkHoAQAAAAAAlILQAwAAAAAAKAWhBwAAAAAAUApCDwAAAAAAoBSEHgAAAAAAQCkIPQAAAAAAgFIQegAAAAAAAKUg9AAAAAAAAEpB6AEAAAAAAJSC0AMAAAAAACgFoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASkHoAQAAAAAAlILQAwAAAAAAKAWhBwAAAAAAUApCDwAAAAAAoBSEHgAAAAAAQCkIPQAAAAAAgFIQegAAAAAAAKUg9AAAAAAAAEpB6AEAAAAAAJSC0AMAAAAAACgFoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBS6PPQo7OzMxdffHFmzZqVESNGZL/99sunPvWpFEXR1x8FAAAw6OgzAQBA/2no6zf8/Oc/n8svvzzf+c53cvDBB+fOO+/M2Wefnebm5px33nl9/XEAAACDij4TAAD0nz4PPW699dacdtppOeWUU5Ik++yzT77//e/njjvu6OuPAgAAGHT0mQAAoP/0+fRWxx57bG666aY8/PDDSZJ77703v/nNb3LyySf39UcBAAAMOvpMAADQf/p8pMfHPvaxtLa25oADDkh9fX06Ozvzmc98Ju9+97u3uX9bW1va2tq6H7e2tvZ1SQAAAANGb/tMiX4TAADsrD4f6fGjH/0o3/ve9/Kf//mfmT9/fr7zne/ki1/8Yr7zne9sc//LLrsszc3N3bfp06f3dUkAAAADRm/7TIl+EwAA7KxKURRFX77h9OnT87GPfSznnntu97ZPf/rTueKKK/Lggw9utf+2fmNp+vTpaWlpydixY/uyNAAAGJBaW1vT3NzsHHiI6G2fKdFvAgBgaOtNn6nPp7das2ZN6up6DiCpr69PV1fXNvdvampKU1NTX5cBAAAwIPW2z5ToNwEAwM7q89DjLW95Sz7zmc9kxowZOfjgg3P33XfnS1/6Ut73vvf19UcBAAAMOvpMAADQf/p8equVK1fm4osvzlVXXZV
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAABVIklEQVR4nO3deZxddX0//tedycxkn5A9IXtkEQgoa9lUBESKbFI3EEGtVcQF/bW1fBVBLaLW2talaFUQpaLYCrhWEQFFwAABQcSYQAiEbBDITPbMcn5/XDIhe4bM5M7ceT4fj/vI3HPPvec9Jx8u53Ne+Xw+paIoigAAAAAAAPRyNZUuAAAAAAAAoCsIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKQg8AAAAAAKAqCD0AAAAAAICqIPQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqtDp0OM3v/lNTj311IwfPz6lUik33nhjx2stLS35yEc+khkzZmTQoEEZP3583va2t2XhwoVdWTMAAECPpc8EAACV0+nQY9WqVTnooIPyla98ZYvXVq9enVmzZuWSSy7JrFmz8sMf/jCzZ8/Oaaed1iXFAgAA9HT6TAAAUDmloiiKF/3mUik33HBDzjjjjG3uc8899+Twww/P/PnzM2nSpBd7KAAAgF5HnwkAAHavft19gKamppRKpQwbNmyrr69bty7r1q3reN7e3p5nn302I0aMSKlU6u7yAACg4oqiyIoVKzJ+/PjU1Fh2r6/ZUZ8p0W8CAKBv60yfqVtDj7Vr1+YjH/lI3vKWt2To0KFb3eeKK67IJz7xie4sAwAAeoUnn3wyEyZMqHQZ7EY702dK9JsAACDZuT5Tt01v1dLSkrPOOisLFizIbbfdts0L+M3/xVJTU1MmTZqUJ598crsX/QAAUC2am5szceLELF++PI2NjZUuhy7UFX2mRL8JAIC+rTN9pm4Z6dHS0pI3vvGNmT9/fn79619v9yK8oaEhDQ0NW2wfOnSoi3cAAPoU0xT1HZ3pMyX6TQAAkOxcn6nLQ48NF+9z5szJrbfemhEjRnT1IQAAAHotfSYAAOg+nQ49Vq5cmblz53Y8nzdvXh544IEMHz4848aNy9/8zd9k1qxZ+clPfpK2trYsXrw4STJ8+PDU19d3XeUAAAA9kD4TAABUTqfX9Ljtttty3HHHbbH9vPPOy2WXXZapU6du9X233nprXvWqV+3w85ubm9PY2JimpibDtAEA6BNcA1eX7u4zJdoMAAB9S2eufzs90uNVr3pVtpeT7MK66AAAAL2ePhMAAFROTaULAAAAAAAA6ApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKQg8AAAAAAKAqCD0AAAAAAICqIPQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKQg8AAAAAAKAqCD0AAAAAAICqIPQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKQg8AAAAAAKAqCD0AAAAAAICqIPQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKQg8AAAAAAKAqCD0AAAAAAICqIPQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKnQ49fvOb3+TUU0/N+PHjUyqVcuONN27yelEU+fjHP55x48ZlwIABOeGEEzJnzpyuqhcAAKBH02cCAIDK6XTosWrVqhx00EH5yle+stXXP/e5z+WLX/xivvrVr+b3v/99Bg0alJNOOilr167d5WIBAAB6On0mAAConH6dfcPJJ5+ck08+eauvFUWRf//3f8/HPvaxnH766UmSb3/72xkzZkxuvPHGvPnNb961agEAAHo4fSYAAKicLl3TY968eVm8eHFOOOGEjm2NjY054ogjctddd231PevWrUtzc/MmDwAAgGr0YvpMiX4TAADsrC4NPRYvXpwkGTNmzCbbx4wZ0/Ha5q644oo0NjZ2PCZOnNiVJQEAAPQYL6bPlOg3AQDAzurS0OPFuPjii9PU1NTxePLJJytdEgAAQI+i3wQAADunS0OPsWPHJkmWLFmyyfYlS5Z0vLa5hoaGDB06dJMHAABANXoxfaZEvwkAAHZWl4YeU6dOzdixY3PLLbd0bGtubs7vf//7HHnkkV15KAAAgF5HnwkAALpXv86+YeXKlZk7d27H83nz5uWBBx7I8OHDM2nSpFx00UX553/+5+y1116ZOnVqLrnkkowfPz5nnHFGV9YNAADQI+kzAQBA5XQ69Lj33ntz3HHHdTz/8Ic/nCQ577zz8q1vfSv/+I//mFWrVuXv/u7vsnz58hxzzDH5v//7v/Tv37/rqgYAAOih9JkAAKBySkVRFJUu4oWam5vT2NiYpqYm89QCANAnuAams7QZAAD6ks5c/3bpmh4AAAAAAACVIvQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKQg8AAAAAAKAqCD0AAAAAAICqIPQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKQg8AAAAAAKAqCD0AAAAAAICqIPQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKQg8AAAAAAKAqCD0AAAAAAICqIPQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKQg8AAAAAAKAqCD0AAAAAAICqIPQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqtDloUdbW1suueSSTJ06NQMGDMj06dPzqU99KkVRdPWhAAAAeh19JgAA6D79uvoDP/vZz+bKK6/MNddck/333z/33ntv3v72t6exsTEf+MAHuvpwAAAAvYo+EwAAdJ8uDz3uvPPOnH766TnllFOSJFOmTMl1112XmTNndvWhAAAAeh19JgAA6D5dPr3VUUcdlVtuuSV/+ctfkiR/+MMfcscdd+Tkk0/u6kMBAAD0OvpMAADQfbp8pMc//dM/pbm5Ofvuu29qa2vT1taWyy+/POecc85W91+3bl3WrVvX8by5ubmrSwIAAOgxOttnSvSbAABgZ3X5SI/rr78+//3f/53vfve7mTVrVq655pp8/vOfzzXXXLPV/a+44oo0NjZ2PCZOnNjVJQEAAPQYne0zJfpNAACws0pFURRd+YETJ07MP/3TP+XCCy/s2PbP//zPufbaa/PnP/95i/239i+WJk6cmKampgwdOrQrSwMAgB6pubk5jY2NroH7iM72mRL9JgAA+rbO9Jm6fHqr1atXp6Zm0wEktbW1aW9v3+r+DQ0NaWho6OoyAAAAeqTO9pmSbfebVqxIhgxJSqUuLxMAAHqlLg89Tj311Fx++eWZNGlS9t9//9x///35whe+kHe84x1dfSgAAIBepyv7TEu
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAABV4klEQVR4nO3deZheZX0//vcz+z7ZICSQhIDsu2yCWkVRpC5gLajFr2itVosL+tUq16+ofK1FbS+/tpaqXVxaLWoriF9xqSLgArIFRAQhQEyChABZZs9kZp7z+2PIQCCQTDKTZ+aZ1+u65pLnPOc55zPHm4dzn/fc910qiqIIAAAAAADANFdT6QIAAAAAAAAmgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgK4w49fvrTn+aVr3xlFi5cmFKplG9/+9tj7w0NDeWDH/xgjjjiiLS2tmbhwoV54xvfmAcffHAiawYAAJiy9JkAAKByxh169PX15aijjsoll1zylPf6+/uzbNmyXHjhhVm2bFkuu+yy3H333XnVq141IcUCAABMdfpMAABQOaWiKIqd/nCplMsvvzxnnnnm0+5z00035YQTTsjKlSuzePHinT0VAADAtKPPBAAAu1fdZJ+gq6srpVIps2bN2ub7g4ODGRwcHHtdLpezfv36zJ07N6VSabLLAwCAiiuKIj09PVm4cGFqaiy7N9Nsr8+U6DcBADCzjafPNKmhx6ZNm/LBD34wr3/969PR0bHNfS6++OJcdNFFk1kGAABMC6tXr84+++xT6TLYjXakz5ToNwEAQLJjfaZJm95qaGgor3nNa/LAAw/kmmuuedob+Cf/xVJXV1cWL16c1atXP+NNPwAAVIvu7u4sWrQoGzduTGdnZ6XLYQJNRJ8p0W8CAGBmG0+faVJGegwNDeXss8/OypUr85Of/OQZb8IbGxvT2Nj4lO0dHR1u3gEAmFFMUzRzjKfPlOg3AQBAsmN9pgkPPbbcvC9fvjxXX3115s6dO9GnAAAAmLb0mQAAYPKMO/To7e3NvffeO/Z6xYoVue222zJnzpwsWLAgf/zHf5xly5blu9/9bkZGRvLQQw8lSebMmZOGhoaJqxwAAGAK0mcCAIDKGfeaHtdcc01OOeWUp2w/99xz89GPfjRLly7d5ueuvvrqvPCFL9zu8bu7u9PZ2Zmuri7DtAEAmBHcA1eXye4zJdoMAAAzy3juf8c90uOFL3xhnikn2YV10QEAAKY9fSYAAKicmkoXAAAAAAAAMBGEHgAAAAAAQFUQegAAAAAAAFVB6AEAAAAAAFQFoQcAAAAAAFAVhB4AAAAAAEBVEHoAAAAAAABVQegBAAAAAABUBaEHAAAAAABQFYQeAAAAAABAVRB6AAAAAAAAVUHoAQAAAAAAVAWhBwAAAAAAUBWEHgAAAAAAQFUQegAAAAAAAFVB6AEAAAAAAFQFoQcAAAAAAFAVhB4AAAAAAEBVEHoAAAAAAABVQegBAAAAAABUBaEHAAAAAABQFYQeAAAAAABAVRB6AAAAAAAAVUHoAQAAAAAAVAWhBwAAAAAAUBWEHgAAAAAAQFUQegAAAAAAAFVB6AEAAAAAAFQFoQcAAAAAAFAVhB4AAAAAAEBVEHoAAAAAAABVQegBAAAAAABUBaEHAAAAAABQFYQeAAAAAABAVRB6AAAAAAAAVUHoAQAAAAAAVAWhBwAAAAAAUBWEHgAAAAAAQFUQegAAAAAAAFVB6AEAAAAAAFQFoQcAAAAAAFAVhB4AAAAAAEBVEHoAAAAAAABVQegBAAAAAABUBaEHAAAAAABQFYQeAAAAAABAVRB6AAAAAAAAVUHoAQAAAAAAVAWhBwAAAAAAUBWEHgAAAAAAQFUQegAAAAAAAFVB6AEAAAAAAFQFoQcAAAAAAFAVxh16/PSnP80rX/nKLFy4MKVSKd/+9re3er8oinz4wx/OggUL0tzcnFNPPTXLly+fqHoBAACmNH0mAAConHGHHn19fTnqqKNyySWXbPP9T33qU/mHf/iHfP7zn88NN9yQ1tbWnHbaadm0adMuFwsAADDV6TMBAEDl1I33A6effnpOP/30bb5XFEU+85nP5K/+6q9yxhlnJEn+/d//PfPnz8+3v/3tvO51r9u1agEAAKY4fSYAAKicCV3TY8WKFXnooYdy6qmnjm3r7OzMiSeemOuvv36bnxkcHEx3d/dWPwAAANVoZ/pMiX4TAADsqAkNPR566KEkyfz587faPn/+/LH3nuziiy9OZ2fn2M+iRYsmsiQAAIApY2f6TIl+EwAA7KgJDT12xgUXXJCurq6xn9WrV1e6JAAAgClFvwkAAHbMhIYee+21V5Jk7dq1W21fu3bt2HtP1tjYmI6Ojq1+AAAAqtHO9JkS/SYAANhRExp6LF26NHvttVeuuuqqsW3d3d254YYbctJJJ03kqQAAAKYdfSYAAJhcdeP9QG9vb+69996x1ytWrMhtt92WOXPmZPHixTn//PPz13/91znggAOydOnSXHjhhVm4cGHOPPPMiawbAABgStJnAgCAyhl36HHzzTfnlFNOGXv9vve9L0ly7rnn5stf/nL+8i//Mn19fXnb296WjRs35nnPe15+8IMfpKmpaeKqBgAAmKL0mQAAoHJKRVEUlS7iibq7u9PZ2Zmuri7z1AIAMCO4B2a8tBkAAGaS8dz/TuiaHgAAAAAAAJUi9AAAAAAAAKqC0AMAAAAAAKgKQg8AAAAAAKAqCD0AAAAAAICqIPQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKQg8AAAAAAKAqCD0AAAAAAICqIPQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKQg8AAAAAAKAqCD0AAAAAAICqIPQAAAAAAACqgtADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAKap4eHe9Pffm6IoKl0KAABMCXWVLgAAAICdU1fXlvr6xvT03JSklJaWg1JX11HpsgAAoGKEHgAAANNYff3c1NfPTVEU6e+/O/39v01tbWtaWg5NqVSqdHkAALBbCT0AAACqQKlUSmvrwUlGp73q6bk5SZGmpv3S0DCvssUBAMBuIvQAAACoMnV1benoOD5FUWTTpvvT3X1famqa09p6WEql2kqXBwAAk0boAQAAUKVKpVKam/dPc/P+GRkZSG/vbSmKkTQ1LUlDw/xKlwcAABNO6AEAADAD1NY2p7392CTJwMDv0t19Y0qlhrS2Hp6aGl1DAACqgztbAACAGaa5ed80N++bcnkwfX2/SlGMpLFxcRob96p0aQAAsEuEHgAAADNUTU3j2OiPTZtWpbv7xtTUNKal5TCjPwAAmJbcxQIAAJCmpsVpalqckZFNY6M/mpr2TUPDnpUuDQAAdpjQAwAAgDG1tU1PWfujpqY5ra2HpVSqqXB1AADwzIQeAAAAbNOWtT9GRgbS07MsyUiamw9Iff2cSpcGAADbJPQAAADgGdXWNqej47gURZGBgXszMHBvamvb09JycEqlUqXLAwCAMUIPAAAAdkipVEpLywFJkuHh7vT03JwkaW09NLW1rZUsDQAAkgg9AAAA2Al1dR3p6Dg+RVGkr+83KZf7Ul8/P83N+1a6NAAAZjChBwAAADutVCqlre3wJMnmzWvT3X1DSqWGtLYenpqa+gpXBwDATCP0AAAAqGLl8nBqanZP16+hYX4aGuanXN6cvr5fpyiG09S0Xxoa5u2W8wMAQM1EH3BkZCQXXnhhli5dmubm5uy///752Mc+lqIoJvpUAAAA087
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAABLU0lEQVR4nO3deXxddZ0//tdN06R7SgvdoIWyb23ZpLKJCIKoCDN+3QZH3Dec0fE7M8hPkXFEcRt1Fr7gd0aBUVzwqyjjMgw7ImVrKUsppS2lFOhCt6RrmuX8/ggEQ9fQJDe5eT4fj/to7rnnnvvO8cP1vM8r53NKRVEUAQAAAAAA6OOqyl0AAAAAAABAVxB6AAAAAAAAFUHoAQAAAAAAVAShBwAAAAAAUBGEHgAAAAAAQEUQegAAAAAAABVB6AEAAAAAAFQEoQcAAAAAAFARhB4AAAAAAEBFEHoAAAAAAAAVodOhx1133ZVzzjknEyZMSKlUyq9+9av215qamnLRRRdlypQpGTp0aCZMmJD3ve99ef7557uyZgAAgF5LzwQAAOXT6dBjw4YNmTZtWq644oqtXtu4cWNmzZqVSy65JLNmzcovf/nLzJs3L29729u6pFgAAIDeTs8EAADlUyqKonjVby6VcsMNN+S8887b7joPPPBAjj/++CxevDiTJk16tR8FAADQ5+iZAACgZ1V39wfU19enVCpl5MiR23y9sbExjY2N7c9bW1uzevXqjB49OqVSqbvLAwCAsiuKIuvWrcuECRNSVeW2e/3NznqmRN8EAED/1pmeqVtDj82bN+eiiy7Ke97znowYMWKb61x++eX50pe+1J1lAABAn7BkyZLss88+5S6DHrQrPVOibwIAgGTXeqZum96qqakpb3/72/Pss8/mjjvu2O4B/Cv/Yqm+vj6TJk3KkiVLdnjQDwAAlaKhoSETJ07M2rVrU1dXV+5y6EJd0TMl+iYAAPq3zvRM3XKlR1NTU975zndm8eLFue2223Z4EF5bW5va2tqtlo8YMcLBOwAA/YppivqPzvRMib4JAACSXeuZujz0eOngff78+bn99tszevTorv4IAACAPkvPBAAA3afTocf69euzYMGC9ueLFi3K7NmzM2rUqIwfPz7/63/9r8yaNSu/+c1v0tLSkmXLliVJRo0alZqamq6rHAAAoBfSMwEAQPl0+p4ed9xxR0477bStll9wwQX5h3/4h0yePHmb77v99tvz+te/fqfbb2hoSF1dXerr612mDQBAv+AYuLJ0d8+UGDMAAPQvnTn+7fSVHq9//euzo5xkN+6LDgAA0OfpmQAAoHyqyl0AAAAAAABAVxB6AAAAAAAAFUHoAQAAAAAAVAShBwAAAAAAUBGEHgAAAAAAQEUQegAAAAAAABVB6AEAAAAAAFQEoQcAAAAAAFARhB4AAAAAAEBFEHoAAAAAAAAVQegBAAAAAABUBKEHAAAAAABQEYQeAAAAAABARRB6AAAAAAAAFUHoAQAAAAAAVAShBwAAAAAAUBGEHgAAAAAAQEUQegAAAAAAABVB6AEAAAAAAFQEoQcAAAAAAFARhB4AAAAAAEBFEHoAAAAAAAAVQegBAAAAAABUBKEHAAAAAABQEYQeAAAAAABARRB6AAAAAAAAFUHoAQAAAAAAVAShBwAAAAAAUBGEHgAAAAAAQEUQegAAAAAAABVB6AEAAAAAAFQEoQcAAAAAAFARhB4AAAAAAEBFEHoAAAAAAAAVQegBAAAAAABUBKEHAAAAAABQEYQeAAAAAABARRB6AAAAAAAAFUHoAQAAAAAAVAShBwAAAAAAUBGEHgAAAAAAQEUQegAAAAAAABVB6AEAAAAAAFQEoQcAAAAAAFARhB4AAAAAAEBFEHoAAAAAAAAVQegBAAAAAABUBKEHAAAAAABQEYQeAAAAAABARRB6AAAAAAAAFUHoAQAAAAAAVAShBwAAAAAAUBGEHgAAAAAAQEXodOhx11135ZxzzsmECRNSKpXyq1/9qsPrRVHki1/8YsaPH5/BgwfnjDPOyPz587uqXgAAgF5NzwQAAOXT6dBjw4YNmTZtWq644optvv6Nb3wj//Iv/5Krrroq9913X4YOHZqzzjormzdv3u1iAQAAejs9EwAAlE91Z99w9tln5+yzz97ma0VR5Lvf/W6+8IUv5Nxzz02S/Od//mfGjh2bX/3qV3n3u9+9e9UCAAD0cnomAAAony69p8eiRYuybNmynHHGGe3L6urqMn369MyYMWOb72lsbExDQ0OHBwAAQCV6NT1Tom8CAIBd1aWhx7Jly5IkY8eO7bB87Nix7a+90uWXX566urr2x8SJE7uyJAAAgF7j1fRMib4JAAB2VZeGHq/GxRdfnPr6+vbHkiVLyl0SAABAr6JvAgCAXdOloce4ceOSJMuXL++wfPny5e2vvVJtbW1GjBjR4QEAAFCJXk3PlOibAABgV3Vp6DF58uSMGzcut956a/uyhoaG3HfffTnhhBO68qMAAAD6HD0TAAB0r+rOvmH9+vVZsGBB+/NFixZl9uzZGTVqVCZNmpTPfOYzueyyy3LQQQdl8uTJueSSSzJhwoScd955XVk3AABAr6RnAgCA8ul06PHggw/mtNNOa3/+2c9+NklywQUX5Jprrsnf//3fZ8OGDfnoRz+atWvX5uSTT85///d/Z9CgQV1XNQAAQC+lZwIAgPIpFUVRlLuIP9XQ0JC6urrU19ebpxYAgH7BMTCdZcwAANCfdOb4t0vv6QEAAAAAAFAuQg8AAAAAAKAiCD0AAAAAAICKIPQAAAAAAAAqgtADAAAAAACoCEIPAAAAAACgIgg9AAAAAACAiiD0AAAAAAAAKoLQAwAAAAAAqAhCDwAAAAAAoCIIPQAAAAAAgIog9AAAAAAAACqC0AMAAAAAAKgIQg8AAAAAAKAiCD0AAAAAAICKIPQAAAAAAAAqgtADAAAAAACoCEIPAAAAAACgIgg9AAAAAACAiiD0AAAAAAAAKoLQAwAAAAAAqAhCDwAAAAAAoCIIPQAAAAAAgIog9AAAAOij6uvLXQEAAPQuQg8AAIA+6umn2x4AAEAboQcAAEAfNW1a27+zZiVFUd5aAACgNxB6AAAA9GH77ZcceGBy993Jli3lrgYAAMpL6AEAANBH1dffn6IoMmJEctJJycyZyYoV5a4KAADKR+gBAADQRw0bNjVr196ZlpbNqapKTjghWbkymTu33JUBAEB5CD0AAAD6qAEDBmXkyFOzfv2sbNmyMkly+OHJqFHJPfckra1lLhAAAHqY0AMAAKAPK5VKqas7MVu2PJ9NmxYlScaOTY49tu0+Hw0NZS4QAAB6kNADAACgAgwbNjVJsn79I0mS2trklFOSBQuSp58uY2EAANCDhB4AAAAVYvDgyampmZD6+ntSFEVKpeSYY9pemzkzKYry1gcAAN1N6AEAAFBBamr2zLBhx6S+/q60tjYmSfbbLzn44OQPf0g2by5vfQAA0J2EHgAAABVmwIBBqat7XdatezBNTauTJMOHt0139fDDyfPPl7lAAADoJkIPAACACtR2g/OTsnnzM9m8ecmLy5Lp05MNG5JHHy1zgQAA0A2EHgAAAH3U44/v/D4dw4cfldbWzdmwYW77soMOSvbeO7n77qS5uZuLBACAHiT0AAAA6KP22SeZMSNZunTH6w0ZclCqq0emoeGBFC+mJKNGJa99bXL//cnKlT1QLAAA9AChBwAAQB81YkRy4onJpk1t4ceWLdtft7Z2fIYMOTT19X9IUbQkSaqr296/fHkyd+723wsAAH2F0AMAAKCP23//5Pjjk0ceSebM2f561dXDM2LECamvvzstLRvalx9xRNuVH/fck7S09EDBAADQTYQeAAAAFWDAgOS449ru1fHHP7ZdvbEtVVUDU1f3uqxf/0i2bHmhffnYsW3vv+eeZM2aHioaAAC6mNADAACggowcmZx0UrJuXXLvvdue8qpUKqWu7oRs2bI0mzY93b68piY55ZRkyZJk/vweKxkAALqM0AMAAKACHXhg8prXtE159dhjyYv3L+9g2LCpSVqyYcPjHZZPnZo
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAABDCklEQVR4nO3deXxddZ0//tdN0qQLbUpb6CLdKLVspVYEBBS3KjCI4Ki4zYjouDBV3OYr8ptBQNQqLg9Hx0F0EHAEFUdRRx0UgQKyCmUfoC2UttKFtUkX2qTJ+f2RIVq6ht70Jvc+n4/HfZB77rnnvnMen17O+7xyzqdUFEURAAAAAACAfq6u0gUAAAAAAACUg9ADAAAAAACoCkIPAAAAAACgKgg9AAAAAACAqiD0AAAAAAAAqoLQAwAAAAAAqApCDwAAAAAAoCoIPQAAAAAAgKog9AAAAAAAAKqC0AMAAAAAAKgKPQ49rr/++hx//PEZN25cSqVSfvGLX3S/1t7entNPPz3Tp0/PkCFDMm7cuLznPe/JsmXLylkzAABAn6VnAgCAyulx6LF27drMmDEj3/72tzd7bd26dZk3b17OPPPMzJs3Lz//+c/z0EMP5U1velNZigUAAOjr9EwAAFA5paIoihf85lIpV1xxRU488cStrvOnP/0phx56aBYvXpwJEya80I8CAADod/RMAACwazX09ge0tLSkVCpl+PDhW3x9w4YN2bBhQ/fzzs7OPP300xk5cmRKpVJvlwcAABVXFEVWr16dcePGpa7OtHu1Zns9U6JvAgCgtvWkZ+rV0GP9+vU5/fTT8853vjPDhg3b4jpz5szJOeec05tlAABAv7B06dLstddelS6DXWhHeqZE3wQAAMmO9Uy9dnur9vb2vOUtb8mf//znzJ07d6sH8M//i6WWlpZMmDAhS5cu3eZBPwAAVIvW1taMHz8+q1atSnNzc6XLoYzK0TMl+iYAAGpbT3qmXrnSo729PSeddFIWL16ca665ZpsH4U1NTWlqatps+bBhwxy8AwBQU9ymqHb0pGdK9E0AAJDsWM9U9tDjuYP3BQsW5Nprr83IkSPL/REAAAD9lp4JAAB6T49DjzVr1mThwoXdzxctWpS77rorI0aMyNixY/PWt7418+bNy69//et0dHRkxYoVSZIRI0aksbGxfJUDAAD0QXomAAConB7P6TF37ty85jWv2Wz5ySefnLPPPjuTJ0/e4vuuvfbavPrVr97u9ltbW9Pc3JyWlhaXaQMAUBMcA1eX3u6ZEmMGAIDa0pPj3x5f6fHqV78628pJdmJedAAAgH5PzwQAAJVTV+kCAAAAAAAAykHoAQAAAAAAVAWhBwAAAAAAUBWEHgAAAAAAQFUQegAAAAAAAFVB6AEAAAAAAFQFoQcAAAAAAFAVhB4AAAAAAEBVEHoAAAAAAABVQegBAAAAAABUBaEHAAAAAABQFYQeAAAAAABAVRB6AAAAAAAAVUHoAQAAAAAAVAWhBwAAAAAAUBWEHgAAAAAAQFUQegAAAAAAAFVB6AEAAAAAAFQFoQcAAAAAAFAVhB4AAAAAAEBVEHoAAAAAAABVQegBAAAAAABUBaEHAAAAAABQFYQeAAAAAABAVRB6AAAAAAAAVUHoAQAAAAAAVAWhBwAAAAAAUBWEHgAAAAAAQFUQegAAAAAAAFVB6AEAAAAAAFQFoQcAAAAAAFAVhB4AAAAAAEBVEHoAAAAAAABVQegBAAAAAABUBaEHAAAAAABQFYQeAAAAAABAVRB6AAAAAAAAVUHoAQAAAAAAVAWhBwAAAAAAUBWEHgAAAAAAQFUQegAAAAAAAFVB6AEAAAAAAFQFoQcAAAAAAFAVhB4AAAAAAEBVEHoAAAAAAABVQegBAAAAAABUBaEHAAAAAABQFYQeAAAAAABAVRB6AAAAAAAAVUHoAQAAAAAAVAWhBwAAAAAAUBWEHgAAAAAAQFUQegAAAAAAAFWhx6HH9ddfn+OPPz7jxo1LqVTKL37xi01eL4oin/3sZzN27NgMGjQos2bNyoIFC8pVLwAAQJ+mZwIAgMrpceixdu3azJgxI9/+9re3+Pp5552Xb37zm/nOd76TW2+9NUOGDMnRRx+d9evX73SxAAAAfZ2eCQAAKqehp2849thjc+yxx27xtaIo8o1vfCP/8i//khNOOCFJ8oMf/CCjR4/OL37xi7zjHe/YuWoBAAD6OD0TAABUTlnn9Fi0aFFWrFiRWbNmdS9rbm7OYYcdlptvvnmL79mwYUNaW1s3eQAAAFSjF9IzJfomAADYUWUNPVasWJEkGT169CbLR48e3f3a882ZMyfNzc3dj/Hjx5ezJAAAgD7jhfRMib4JAAB2VFlDjxfijDPOSEtLS/dj6dKllS4JAACgT9E3AQDAjilr6DFmzJgkycqVKzdZvnLlyu7Xnq+pqSnDhg3b5AEAAFCNXkjPlOibAABgR5U19Jg8eXLGjBmTq6++untZa2trbr311hx++OHl/CgAAIB+R88EAAC9q6Gnb1izZk0WLlzY/XzRokW56667MmLEiEyYMCEf//jH8/nPfz5Tp07N5MmTc+aZZ2bcuHE58cQTy1k3AABAn6RnAgCAyulx6HH77bfnNa95TffzT37yk0mSk08+ORdffHE+/elPZ+3atfngBz+YVatW5RWveEWuvPLKDBw4sHxVAwAA9FF6JgAAqJxSURRFpYv4a62trWlubk5LS4v71AIAUBMcA9NTxgwAALWkJ8e/ZZ3TAwAAAAAAoFKEHgAAAAAAQFUQegAAAAAAAFVB6AEAAAAAAFQFoQcAAAAAAFAVhB4AAAAAAEBVEHoAAAAAAABVQegBAAAAAABUBaEHAAAAAABQFYQeAAAAAABAVRB6AAAAAAAAVUHoAQAAAAAAVAWhBwAAAAAAUBWEHgAAAAAAQFUQegAAAAAAAFVB6AEAAAAAAFQFoQcAAAAAAFAVhB4AAAAAAEBVEHoAAAAAAABVQegBAAAAAABUBaEHAAAAAABQFYQeAAAAAABAVRB6AAAAAAAAVUHoAQAAAAAAVAWhBwAAAAAAUBWEHgAAAAAAQFUQegAAAAAAAFVB6AEAAAAAAFQFoQcAAAAAAFAVhB4AAAAAAEBVEHoAAAAAAABVQegBAAAAAABUBaEHAAAAAABQFYQeAAAAAABAVRB6AAAAAAAAVUHoAQAAAAAAVAWhBwAAAAAAUBWEHgAAAAAAQFUQegAAAPRT69dXugIAAOhbhB4AAAD91L33VroCAADoW4QeAAAA/dTw4cmTT1a6CgAA6DuEHgAAAP3U1KnJ/PmVrgIAAPoOoQcAAEA/tvfeySOPVLoKAADoG4QeAAAA/VRbWzJmTLJyZVIUla4GAAAqT+gBAADQT33ta13/nTkzufPOytYCAAB9gdADAACgn2puTu67Lxk4MGloSFavrnRFAABQWUIPAACAfupDH0ouvrjr5+nTk3vuqWg5AABQcUIPAACAfqq+PnnTm7qCj1IpmTzZpOYAANQ2oQcAAEA/dtRRyYIFSUtLMm5c16TmHR2VrgoAACpD6AEAANDPnXFGct55XT8ffHByxx2VrQcAACpF6AEAANDP7bZb8pKXJL/9bdLYmOy+e9cVHwAAUGuEHgAAAFXgbW9L5s5N2tqSqVOThQuToqh0VQAAsGsJPQAAAKrEZz6TnHtu188zZybz5lW2HgAA2NXKHnp0dHTkzDPPzOTJkzNo0KBMmTIl5557bgp/YgQAANCrPdOIEcl++3Xd5mrw4K7bXj3+eBmKBgCAfqKh3Bv88pe/nPPPPz+XXHJJDjjggNx+++055ZRT0tzcnNNOO63cHwcAANCv9HbP9K53JZ/+dHLUUcm0ackf/5iMGpXUuc4fAIAaUPbQ46abbsoJJ5yQ4447LkkyadKk/OhHP8ptt91W7o8CAADod3ZFz/TZzyaf+1xy3nnJIYckt9+eHHpo2TYPAAB9Vtn/1ueII47I1Vdfnfnz5ydJ7r777vzxj3/MscceW+6PAgAA6Hd2Rc+0227J61+fXHhh0tSUjB6dLF5cts0DAECfVfYrPT7zmc+ktbU1++6
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAAA5VklEQVR4nO3deZQddZk38G9n6U4ISYckZDM7S9hC0KAREEThZRFZFGURX5FRGDCAgIzIcdh0MAqMOjoIjgPIKAhyhoAwLC8EAgphTUBACFtIgmQhQLqzkE5I6v2DobXJ2qQ7t1P9+Zxzz+lbt27V03V+qdRT366qqqIoigAAAAAAAGziOlS6AAAAAAAAgJYg9AAAAAAAAEpB6AEAAAAAAJSC0AMAAAAAACgFoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKodmhx/3335+DDz44AwcOTFVVVW666abGz5YvX56zzjoro0aNSrdu3TJw4MB85StfyWuvvdaSNQMAALRZeiYAAKicZoceixcvzujRo3PppZeu8tmSJUsyZcqUnHPOOZkyZUpuvPHGTJs2LYccckiLFAsAANDW6ZkAAKByqoqiKD7wl6uqMmHChBx22GFrnOfRRx/Nxz72scyYMSNDhgz5oKsCAADY5OiZAABg4+rU2iuoq6tLVVVVevbsudrPGxoa0tDQ0Ph+5cqVefPNN9O7d+9UVVW1dnkAAFBxRVFk4cKFGThwYDp08Ni99mZdPVOibwIAoH1rTs/UqqHH0qVLc9ZZZ+Xoo49Ojx49VjvP+PHjc8EFF7RmGQAAsEmYNWtWBg0aVOky2IjWp2dK9E0AAJCsX8/Uare3Wr58eQ4//PC8+uqrmTRp0hoP4N//F0t1dXUZMmRIZs2atdaDfgAAKIv6+voMHjw4CxYsSG1tbaXLoQW1RM+U6JsAAGjfmtMztcqVHsuXL88RRxyRGTNm5J577lnrQXhNTU1qampWmd6jRw8H7wAAtCtuU9R+NKdnSvRNAACQrF/P1OKhx3sH7y+88ELuvffe9O7du6VXAQAAsMnSMwEAQOtpduixaNGivPjii43vp0+fnieeeCK9evXKgAED8oUvfCFTpkzJrbfemhUrVmTOnDlJkl69eqW6urrlKgcAAGiD9EwAAFA5zX6mx6RJk/KpT31qlenHHntszj///AwfPny137v33nuz9957r3P59fX1qa2tTV1dncu0AQBoFxwDl0tr90yJMQMAQPvSnOPfZl/psffee2dtOckGPBcdAABgk6dnAgCAyulQ6QIAAAAAAABagtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASkHoAQAAAAAAlILQAwAAAAAAKAWhBwAAAAAAUApCDwAAAAAAoBSEHgAAAAAAQCkIPQAAAAAAgFIQegAAAAAAAKUg9AAAAAAAAEpB6AEAAAAAAJSC0AMAAAAAACgFoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASkHoAQAAAAAAlILQAwAAAAAAKAWhBwAAAAAAUApCDwAAAAAAoBSEHgAAAAAAQCkIPQAAAAAAgFIQegAAAAAAAKUg9AAAAAAAAEpB6AEAAAAAAJSC0AMAAAAAACgFoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKTQ79Lj//vtz8MEHZ+DAgamqqspNN93U5POiKHLuuedmwIAB6dq1a/bdd9+88MILLVUvAABAm6ZnAgCAyml26LF48eKMHj06l1566Wo/v+iii/Kzn/0sl19+eR5++OF069Yt+++/f5YuXbrBxQIAALR1eiYAAKicTs39woEHHpgDDzxwtZ8VRZGf/vSn+ed//ucceuihSZL/+q//Sr9+/XLTTTflqKOO2rBqAQAA2jg9EwAAVE6LPtNj+vTpmTNnTvbdd9/GabW1tRk7dmwmT5682u80NDSkvr6+yQsAAKCMPkjPlOibAABgfbVo6DFnzpwkSb9+/ZpM79evX+Nn7zd+/PjU1tY2vgYPHtySJQEAALQZH6RnSvRNAACwvlo09Pggzj777NTV1TW+Zs2aVemSAAAA2hR9EwAArJ8WDT369++fJJk7d26T6XPnzm387P1qamrSo0ePJi8AAIAy+iA9U6JvAgCA9dWiocfw4cPTv3//TJw4sXFafX19Hn744ey2224tuSoAAIBNjp4JAABaV6fmfmHRokV58cUXG99Pnz49TzzxRHr16pUhQ4bktNNOy7/8y79km222yfDhw3POOedk4MCBOeyww1qybgAAgDZJzwQAAJXT7NDjsccey6c+9anG92eccUaS5Nhjj82vf/3rfPvb387ixYtzwgknZMGCBfnEJz6RO+64I126dGm5qgEAANooPRMAAFROVVEURaWL+Hv19fWpra1NXV2d+9QCANAuOAamuYwZAADak+Yc/7boMz0AAAAAAAAqRegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASkHoAQAAAAAAlILQAwAAAAAAKAWhBwAAAAAAUApCDwAAAAAAoBSEHgAAAAAAQCkIPQAAAAAAgFIQegAAAAAAAKUg9AAAAAAAAEpB6AEAAAAAAJSC0AMAAAAAACgFoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASkHoAQAAAAAAlILQAwAAAAAAKAWhBwAAAAAAUApCDwAAAAAAoBSEHgAAAAAAQCkIPQAAAAAAgFIQegAAAAAAAKUg9AAAAAAAAEpB6AEAAAAAAJSC0AMAAAAAACgFoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFFo89FixYkXOOeecDB8+PF27ds1WW22V73//+ymKoqVXBQAAsMnRMwEAQOvp1NIL/NGPfpTLLrssV199dXbcccc89thjOe6441JbW5tTTz21pVcHAACwSdEzAQBA62nx0OPBBx/MoYcemoMOOihJMmzYsPzud7/LI4880tKrAgAA2OTomQAAoPW0+O2tdt9990ycODHPP/98kuTJJ5/Mn/70pxx44IEtvSoAAIBNjp4JAABaT4tf6fGd73wn9fX12W677dKxY8esWLEiF154YY455pjVzt/Q0JCGhobG9/X19S1dEgAAQJvR3J4p0TcBAMD6avErPX7/+9/nmmuuybXXXpspU6bk6quvziWXXJKrr756tfOPHz8+tbW1ja/Bgwe3dEkAAABtRnN7pkTfBAAA66uqKIqiJRc4ePDgfOc738m4ceMap/3Lv/xLfvvb3+a5555bZf7V/cXS4MGDU1dXlx49erRkaQAA0CbV19entrbWMXA70dyeKdE3AQDQvjWnZ2rx21stWbIkHTo0vYCkY8eOWbly5Wrnr6mpSU1NTUuXAQAA0CY1t2dK9E0AALC+Wjz0OPjgg3PhhRdmyJAh2XHHHTN16tT8+Mc/zj/8wz+09KoAAAA2OXomAABoPS1+e6uFCxfmnHPOyYQJEzJv3rwMHDgwRx99dM4999xUV1e
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"image/png": "iVBORw0KGgoAAAANSUhEUgAABj0AAAGyCAYAAAC/RgYTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAAA34klEQVR4nO3deZQedZ0v/ndn6yykOySQbZJAWCMhRGSJgVERuCzDsDiOCJcZcOXCjSLieIE7ss/cqKDjOIcLjpf1IgjMgSA6wg8DgUHDGlDWmEBIAtkMmu6snaa7fn9wbSdkbfJ0nu7q1+uc55w89dRT9enKN5X61LurqqYoiiIAAAAAAABdXI9qFwAAAAAAAFAJQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFNodejz22GM58cQTM3LkyNTU1GTatGltnzU3N+fCCy/MhAkTMmDAgIwcOTJnnnlmFi1aVMmaAQAAOi09EwAAVE+7Q4/Vq1dn4sSJufbaazf6bM2aNZk1a1YuueSSzJo1K/fcc09mz56dk046qSLFAgAAdHZ6JgAAqJ6aoiiK9/3lmprce++9OeWUUzY7z9NPP51DDz008+fPz5gxY97vqgAAALocPRMAAOxYvTp6BQ0NDampqcmgQYM2+XlTU1Oampra3re2tub3v/99hgwZkpqamo4uDwAAqq4oiqxcuTIjR45Mjx4eu9fdbK1nSvRNAAB0b+3pmTo09Fi3bl0uvPDCnH766amrq9vkPFOnTs0VV1zRkWUAAECXsHDhwowaNaraZbADbUvPlOibAAAg2baeqcNub9Xc3JxPfvKTefPNNzNjxozNHsC/9zeWGhoaMmbMmCxcuHCLB/0AAFAWjY2NGT16dFasWJH6+vpql0MFVaJnSvRNAAB0b+3pmTrkSo/m5uaceuqpmT9/fh5++OEtHoTX1tamtrZ2o+l1dXUO3gEA6Fbcpqj7aE/PlOibAAAg2baeqeKhxx8P3ufMmZNHHnkkQ4YMqfQqAAAAuiw9EwAAdJx2hx6rVq3K3Llz297Pmzcvzz//fAYPHpwRI0bkr//6rzNr1qz89Kc/TUtLS5YsWZIkGTx4cPr06VO5ygEAADohPRMAAFRPu5/pMWPGjHz84x/faPpZZ52Vyy+/PGPHjt3k9x555JEcccQRW11+Y2Nj6uvr09DQ4DJtAAC6BcfA5dLRPVNizAAA0L205/i33Vd6HHHEEdlSTrIdz0UHAADo8vRMAABQPT2qXQAAAAAAAEAlCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASkHoAQAAAAAAlILQAwAAAAAAKAWhBwAAAAAAUApCDwAAAAAAoBSEHgAAAAAAQCkIPQAAAAAAgFIQegAAAAAAAKUg9AAAAAAAAEpB6AEAAAAAAJSC0AMAAAAAACgFoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASkHoAQAAAAAAlILQAwAAAAAAKAWhBwAAAAAAUApCDwAAAAAAoBSEHgAAAAAAQCkIPQAAAAAAgFIQegAAAAAAAKUg9AAAAAAAAEpB6AEAAAAAAJSC0AMAAAAAACgFoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUQrtDj8ceeywnnnhiRo4cmZqamkybNm2Dz4uiyKWXXpoRI0akX79+OfroozNnzpxK1QsAANCp6ZkAAKB62h16rF69OhMnTsy11167yc+//e1v5/vf/36uv/76PPnkkxkwYECOPfbYrFu3bruLBQAA6Oz0TAAAUD292vuF448/Pscff/wmPyuKIt/73vfyjW98IyeffHKS5NZbb82wYcMybdq0nHbaadtXLQAAQCenZwIAgOqp6DM95s2blyVLluToo49um1ZfX59JkyZl5syZm/xOU1NTGhsbN3gBAACU0fvpmRJ9EwAAbKuKhh5LlixJkgwbNmyD6cOGDWv77L2mTp2a+vr6ttfo0aMrWRIAAECn8X56pkTfBAAA26qiocf7cfHFF6ehoaHttXDhwmqXBAAA0KnomwAAYNtUNPQYPnx4kmTp0qUbTF+6dGnbZ+9VW1uburq6DV4AAABl9H56pkTfBAAA26qiocfYsWMzfPjwTJ8+vW1aY2NjnnzyyUyePLmSqwIAAOhy9EwAANCxerX3C6tWrcrcuXPb3s+bNy/PP/98Bg8enDFjxuT888/PP/zDP2TvvffO2LFjc8kll2TkyJE55ZRTKlk3AABAp6RnAgCA6ml36PHMM8/k4x//eNv7Cy64IEly1lln5eabb87/+B//I6tXr87ZZ5+dFStW5M///M/zwAMPpG/fvpWrGgAAoJPSMwEAQPXUFEVRVLuI/6yxsTH19fVpaGhwn1oAALoFx8C0lzEDAEB30p7j34o+0wMAAAAAAKBahB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAAAAAASkHoAQAAAAAAlILQAwAAAAAAKAWhBwAAAAAAUApCDwAAAAAAoBSEHgAAAAAAQCkIPQAAAAAAgFIQegAAAAAAAKUg9AAAAAAAAEpB6AEAAAAAAJSC0AMAAAAAACgFoQcAAAAAAFAKQg8AAAAAAKAUhB4AAAAAAEApCD0AAAAAAIBSEHoAAAAAAAClIPQAAAAAAABKQegBAAAAAACUgtADAAAAAAAoBaEHAAAAAABQCkIPAAAAAACgFIQeAAAAAABAKQg9AAAAAACAUhB6AAAAAAAApSD0AAAA6OZaW5urXQIAAFSE0AMAAKCbam1dnxUrHs877zRUuxQAAKiIXtUuAAAAgB2vqWlx1q17I/X1k1NT07Pa5QAAQEUIPQAAALqZlSufT8+eA1JfP7napQAAQEUJPQAAALqJlpZ1Wbnyqey008T06lVf7XIAAKDihB4AAADdwLp1C7N+/eLU138kNTU11S4HAAA6hAeZAwAAlFhRFFm58rkURXPq6g4VeAAAUGqu9AAAACipP93O6sD06jWw2uUAAECHE3oAAACUUFPTW2lqetPtrAAA6FaEHgAAACWzatVv0qNHv9TVTap2KQAAsEMJPQAAAEqitbU5jY1PZsCA8ende+dqlwMAADuc0AMAAKAE1q9fnjVrXk19/eTU1PSsdjkAAFAVQg8AAIAubs2aOWltbcqgQX9e7VIAAKCqelS7AAAAAN6foijS2Ph0evbsn5122r/a5QAAQNUJPQAAALqohoZfpX//camt/bNqlwIAAJ2C0AMAAKCLqq//cHr1GljtMgAAoNMQegAAAHRRHlgOAAAbqnjo0dLSkksuuSRjx45Nv379sueee+aqq65KURSVXhUAAECXo2cCAICO06vSC/zWt76V6667LrfcckvGjx+fZ555Jp/97GdTX1+f8847r9KrAwAA6FL0TAAA0HEqHnr86le/ysknn5wTTjghSbL77rvnjjvuyFNPPVXpVQEAAHQ5eiYAAOg4Fb+91WGHHZbp06fnt7/9bZLk17/+dR5//PEcf/zxlV4VAABAl6NnAgCAjlPxKz0uuuiiNDY2Zty4cenZs2daWlryj//4jznjjDM2OX9TU1Oampra3jc2Nla6JAAAgE6jvT1Tom8CAIBtVfErPe6666786Ec/yu23355Zs2bllltuyTX
"text/plain": [
"<Figure size 2000x500 with 2 Axes>"
]
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"from matplotlib import pyplot as plt\n",
"import numpy as np\n",
"\n",
"import trajectron.visualization as vis\n",
"# print(node.data.data)\n",
"\n",
"\n",
"for i in range(len(t.history)):\n",
" timestep = i+1\n",
" input_dict = {}\n",
" # print(node.data.data[-1])\n",
" for t in input_tracks:\n",
" node = t.to_trajectron_node(camera, online_env)\n",
" node.first_timestep = 0 # reset loaded track timestep\n",
" input_dict[node] = np.array(object=[node.data.data[i]])\n",
" # print(node.data.data[i])\n",
"\n",
" dists, preds = trajectron.incremental_forward(input_dict,\n",
" maps,\n",
" prediction_horizon=50,\n",
" num_samples=10,\n",
" full_dist=False,\n",
" gmm_mode=True)\n",
" prediction_dict, histories_dict, futures_dict = prediction_output_to_trajectories({timestep: preds},\n",
" eval_scene.dt,\n",
" hyperparams['maximum_history_length'],\n",
" hyperparams['prediction_horizon']\n",
" )\n",
" # print(trajectron.node_data[node]._right_index%trajectron.node_data[node]._capacity)\n",
" # # print(len(preds[node][0][0]))\n",
" # print(\n",
" # len(prediction_dict[timestep][node]),\n",
" # len(histories_dict[timestep][node]),\n",
" # len(futures_dict[timestep][node])\n",
" # )\n",
"\n",
" if timestep > 2 and (timestep%10 == 0):\n",
" fig = plt.figure(figsize=(20,5))\n",
" (ax1, ax2) = fig.subplots(1,2)\n",
" vis.visualize_distribution(ax1,\n",
" dists)\n",
" \n",
" vis.visualize_prediction(ax2,\n",
" {timestep: preds},\n",
" eval_scene.dt,\n",
" hyperparams['maximum_history_length'],\n",
" hyperparams['prediction_horizon'])\n",
" [ax.set_xlim([0, 25]) for ax in [ax1, ax2]]\n",
" [ax.set_ylim([0, 12]) for ax in [ax1, ax2]]\n",
" fig.show()\n",
" \n"
]
},
{
"cell_type": "code",
"execution_count": 11,
"metadata": {},
"outputs": [
{
"data": {
"text/plain": [
"array([[ 3.5313, 7.4048],\n",
" [ 3.4009, 7.4108],\n",
" [ 3.283, 7.4148],\n",
" [ 3.1773, 7.4189],\n",
" [ 3.0799, 7.4246],\n",
" [ 2.9867, 7.4343],\n",
" [ 2.895, 7.4478],\n",
" [ 2.8033, 7.4638],\n",
" [ 2.7102, 7.4809],\n",
" [ 2.6148, 7.4974],\n",
" [ 2.5164, 7.5119],\n",
" [ 2.4143, 7.5233],\n",
" [ 2.308, 7.5314],\n",
" [ 2.1988, 7.5376],\n",
" [ 2.0887, 7.5438],\n",
" [ 1.9807, 7.5519],\n",
" [ 1.88, 7.5653],\n",
" [ 1.786, 7.5849],\n",
" [ 1.6948, 7.6096],\n",
" [ 1.6013, 7.6312],\n",
" [ 1.5074, 7.6483],\n",
" [ 1.4168, 7.6609],\n",
" [ 1.3341, 7.6697],\n",
" [ 1.2634, 7.6755],\n",
" [ 1.2049, 7.6787],\n",
" [ 1.1542, 7.6785],\n",
" [ 1.1072, 7.6745],\n",
" [ 1.061, 7.6669],\n",
" [ 1.0157, 7.658],\n",
" [ 0.9709, 7.6495]])"
]
},
"execution_count": 11,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"position_state = {'position': ['x', 'y']}\n",
"node.first_timestep = 0\n",
"history = node.get(np.array([timestep-30,timestep]), position_state)\n",
"history[~np.isnan(history.sum(axis=1))]"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": []
}
],
"metadata": {
"kernelspec": {
"display_name": ".venv",
"language": "python",
"name": "python3"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.10.4"
}
},
"nbformat": 4,
"nbformat_minor": 2
}