mirror of
https://github.com/linyiLYi/street-fighter-ai.git
synced 2025-04-04 23:20:43 +00:00
more frames (enlarge time scope)
This commit is contained in:
parent
570d5bbe5c
commit
4cc6896886
Binary file not shown.
File diff suppressed because it is too large
Load Diff
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
2922
004_rgb_stack_ram_based_reward_custom/logs/monitor.csv
Normal file
2922
004_rgb_stack_ram_based_reward_custom/logs/monitor.csv
Normal file
File diff suppressed because it is too large
Load Diff
@ -9,6 +9,21 @@ class StreetFighterCustomWrapper(gym.Wrapper):
|
||||
def __init__(self, env, testing=False):
|
||||
super(StreetFighterCustomWrapper, self).__init__(env)
|
||||
self.env = env
|
||||
self.state_stages = [
|
||||
"Champion.Level1.RyuVsGuile",
|
||||
"Champion.Level2.RyuVsKen",
|
||||
"Champion.Level3.RyuVsChunLi",
|
||||
"Champion.Level4.RyuVsZangief",
|
||||
"Champion.Level5.RyuVsDhalsim",
|
||||
"Champion.Level6.RyuVsRyu",
|
||||
"Champion.Level7.RyuVsEHonda",
|
||||
"Champion.Level8.RyuVsBlanka",
|
||||
"Champion.Level9.RyuVsBalrog",
|
||||
"Champion.Level10.RyuVsVega",
|
||||
"Champion.Level11.RyuVsSagat",
|
||||
"Champion.Level12.RyuVsBison"
|
||||
]
|
||||
self.current_stage = 0
|
||||
|
||||
# Use a deque to store the last 4 frames
|
||||
self.num_frames = 3
|
||||
@ -37,7 +52,10 @@ class StreetFighterCustomWrapper(gym.Wrapper):
|
||||
return stacked_image
|
||||
|
||||
def reset(self):
|
||||
self.env.unwrapped.load_state(self.state_stages[self.current_stage])
|
||||
self.current_stage = (self.current_stage + 1) % len(self.state_stages)
|
||||
observation = self.env.reset()
|
||||
|
||||
self.prev_player_health = self.full_hp
|
||||
self.prev_oppont_health = self.full_hp
|
||||
|
||||
@ -53,8 +71,8 @@ class StreetFighterCustomWrapper(gym.Wrapper):
|
||||
def step(self, action):
|
||||
|
||||
obs, _reward, _done, info = self.env.step(action)
|
||||
curr_player_health = info['health']
|
||||
curr_oppont_health = info['enemy_health']
|
||||
curr_player_health = info['agent_hp']
|
||||
curr_oppont_health = info['enemy_hp']
|
||||
|
||||
self.total_timesteps += 1
|
||||
|
@ -50,25 +50,28 @@ state_stages = [
|
||||
# # Add other stages as necessary
|
||||
# ]
|
||||
|
||||
env = make_env(game, state_stages[11])()
|
||||
env = make_env(game, state_stages[0])()
|
||||
|
||||
model = PPO(
|
||||
"CnnPolicy",
|
||||
env,
|
||||
verbose=1
|
||||
)
|
||||
model_path = r"trained_models_ryu_level_1_time_reward_small_random/ppo_ryu_2600000_steps"
|
||||
model_path = r"trained_models_ryu_level_1_time_reward_small_loop_continue/ppo_ryu_5000000_steps.zip"
|
||||
model.load(model_path)
|
||||
# Average reward for optuna/trial_1_best_model: -82.3
|
||||
# Average reward for optuna/trial_9_best_model: 36.7 | -86.23
|
||||
# Average reward for trained_models/ppo_chunli_5376000_steps: -77.8
|
||||
|
||||
# Level_1 Average reward for trained_models_ryu_level_1_time_reward_small_random/ppo_ryu_4200000_steps: 0.35772262101207986 Winning rate: 0.5666666666666667
|
||||
# Level_2 Average reward for trained_models_ryu_level_1_time_reward_small_random/ppo_ryu_4200000_steps: 0.18094390738868166 Winning rate: 0.16666666666666666
|
||||
|
||||
obs = env.reset()
|
||||
# obs = env.reset()
|
||||
done = False
|
||||
|
||||
num_episodes = 30
|
||||
num_episodes = 12
|
||||
episode_reward_sum = 0
|
||||
num_victory = 0
|
||||
for _ in range(num_episodes):
|
||||
done = False
|
||||
obs = env.reset()
|
||||
@ -81,11 +84,15 @@ for _ in range(num_episodes):
|
||||
|
||||
if reward != 0:
|
||||
total_reward += reward
|
||||
print("Reward: {}, playerHP: {}, enemyHP:{}".format(reward, info['health'], info['enemy_health']))
|
||||
print("Reward: {}, playerHP: {}, enemyHP:{}".format(reward, info['agent_hp'], info['enemy_hp']))
|
||||
env.render()
|
||||
# time.sleep(0.005)
|
||||
if info['enemy_hp'] < 0:
|
||||
print("Victory!")
|
||||
num_victory += 1
|
||||
print("Total reward: {}".format(total_reward))
|
||||
episode_reward_sum += total_reward
|
||||
|
||||
# env.close()
|
||||
# print("Average reward for {}: {}".format(model_path, episode_reward_sum/num_episodes))
|
||||
env.close()
|
||||
print("Winning rate: {}".format(1.0 * num_victory / num_episodes))
|
||||
print("Average reward for {}: {}".format(model_path, episode_reward_sum/num_episodes))
|
@ -12,33 +12,32 @@ from street_fighter_custom_wrapper import StreetFighterCustomWrapper
|
||||
LOG_DIR = 'logs'
|
||||
os.makedirs(LOG_DIR, exist_ok=True)
|
||||
|
||||
class RandomOpponentChangeCallback(BaseCallback):
|
||||
def __init__(self, stages, opponent_interval, verbose=0):
|
||||
super(RandomOpponentChangeCallback, self).__init__(verbose)
|
||||
self.stages = stages
|
||||
self.opponent_interval = opponent_interval
|
||||
# class RandomOpponentChangeCallback(BaseCallback):
|
||||
# def __init__(self, stages, opponent_interval, verbose=0):
|
||||
# super(RandomOpponentChangeCallback, self).__init__(verbose)
|
||||
# self.stages = stages
|
||||
# self.opponent_interval = opponent_interval
|
||||
|
||||
def _on_step(self) -> bool:
|
||||
if self.n_calls % self.opponent_interval == 0:
|
||||
new_state = random.choice(self.stages)
|
||||
print("\nCurrent state:", new_state)
|
||||
self.training_env.env_method("load_state", new_state, indices=None)
|
||||
return True
|
||||
# def _on_step(self) -> bool:
|
||||
# if self.n_calls % self.opponent_interval == 0:
|
||||
# new_state = random.choice(self.stages)
|
||||
# print("\nCurrent state:", new_state)
|
||||
# self.training_env.env_method("load_state", new_state, indices=None)
|
||||
# return True
|
||||
|
||||
# class StageIncreaseCallback(BaseCallback):
|
||||
# def __init__(self, stages, stage_interval, save_dir, verbose=0):
|
||||
# def __init__(self, stages, stage_interval, verbose=0):
|
||||
# super(StageIncreaseCallback, self).__init__(verbose)
|
||||
# self.stages = stages
|
||||
# self.stage_interval = stage_interval
|
||||
# self.save_dir = save_dir
|
||||
# self.current_stage = 0
|
||||
|
||||
# def _on_step(self) -> bool:
|
||||
# if self.n_calls % self.stage_interval == 0 and self.current_stage < len(self.stages) - 1:
|
||||
# if self.n_calls % self.stage_interval == 0:
|
||||
# self.current_stage += 1
|
||||
# new_state = self.stages[self.current_stage]
|
||||
# new_state = self.stages[self.current_stage % len(self.stages)]
|
||||
# print("\nCurrent state:", new_state)
|
||||
# self.training_env.env_method("load_state", new_state, indices=None)
|
||||
# self.model.save(os.path.join(self.save_dir, f"ppo_chunli_stage_{self.current_stage}.zip"))
|
||||
# return True
|
||||
|
||||
def make_env(game, state):
|
||||
@ -116,30 +115,34 @@ def main():
|
||||
env,
|
||||
device="cuda",
|
||||
verbose=1,
|
||||
n_steps=1024,
|
||||
batch_size=64,
|
||||
learning_rate=1e-4,
|
||||
n_steps=8192,
|
||||
batch_size=128,
|
||||
learning_rate=1e-5,
|
||||
target_kl=0.03,
|
||||
tensorboard_log="logs"
|
||||
)
|
||||
|
||||
# Set the save directory
|
||||
save_dir = "trained_models_ryu_level_1_time_reward_small_random"
|
||||
save_dir = "trained_models_ryu_level_1_time_reward_small_loop_continue"
|
||||
os.makedirs(save_dir, exist_ok=True)
|
||||
|
||||
# Load the model from file
|
||||
model_path = "trained_models_ryu_level_1_time_reward_small_continue/ppo_ryu_400000_steps.zip"
|
||||
model_path = "trained_models_ryu_level_1_time_reward_small_loop/ppo_ryu_1200000_steps.zip"
|
||||
|
||||
# Load model and modify the learning rate and entropy coefficient
|
||||
# custom_objects = {
|
||||
# "learning_rate": 0.0002
|
||||
# }
|
||||
model = PPO.load(model_path, env=env, device="cuda")#, custom_objects=custom_objects)
|
||||
custom_objects = {
|
||||
"learning_rate": 1e-5,
|
||||
"target_kl": 0.03,
|
||||
}
|
||||
model = PPO.load(model_path, env=env, device="cuda", custom_objects=custom_objects)
|
||||
|
||||
# Set up callbacks
|
||||
opponent_interval = 32768 # stage_interval * num_envs = total_steps_per_stage
|
||||
# opponent_interval = 32768 # stage_interval * num_envs = total_steps_per_stage
|
||||
# stage_interval = 400000
|
||||
checkpoint_interval = 200000 # checkpoint_interval * num_envs = total_steps_per_checkpoint (Every 80 rounds)
|
||||
checkpoint_callback = CheckpointCallback(save_freq=checkpoint_interval, save_path=save_dir, name_prefix="ppo_ryu")
|
||||
stage_increase_callback = RandomOpponentChangeCallback(state_stages, opponent_interval, save_dir)
|
||||
# stage_increase_callback = RandomOpponentChangeCallback(state_stages, opponent_interval)
|
||||
# stage_increase_callback = StageIncreaseCallback(state_stages, stage_interval)
|
||||
|
||||
# model_params = {
|
||||
# 'n_steps': 5,
|
||||
@ -160,8 +163,8 @@ def main():
|
||||
sys.stdout = log_file
|
||||
|
||||
model.learn(
|
||||
total_timesteps=int(10000000), # total_timesteps = stage_interval * num_envs * num_stages (1120 rounds)
|
||||
callback=[checkpoint_callback, stage_increase_callback]
|
||||
total_timesteps=int(20000000), # total_timesteps = stage_interval * num_envs * num_stages (1120 rounds)
|
||||
callback=[checkpoint_callback]#, stage_increase_callback]
|
||||
)
|
||||
env.close()
|
||||
|
File diff suppressed because it is too large
Load Diff
File diff suppressed because it is too large
Load Diff
File diff suppressed because it is too large
Load Diff
Binary file not shown.
@ -0,0 +1,51 @@
|
||||
import os
|
||||
import time
|
||||
|
||||
import retro
|
||||
from stable_baselines3.common.monitor import Monitor
|
||||
|
||||
from street_fighter_custom_wrapper import StreetFighterCustomWrapper
|
||||
|
||||
LOG_DIR = 'logs/'
|
||||
os.makedirs(LOG_DIR, exist_ok=True)
|
||||
|
||||
def make_env(game, state):
|
||||
def _init():
|
||||
env = retro.make(
|
||||
game=game,
|
||||
state=state,
|
||||
use_restricted_actions=retro.Actions.FILTERED,
|
||||
obs_type=retro.Observations.IMAGE
|
||||
)
|
||||
env = StreetFighterCustomWrapper(env)
|
||||
return env
|
||||
return _init
|
||||
|
||||
game = "StreetFighterIISpecialChampionEdition-Genesis"
|
||||
state = "Champion.Level1.RyuVsGuile"
|
||||
|
||||
env = make_env(game, state)()
|
||||
env = Monitor(env, 'logs/')
|
||||
|
||||
num_episodes = 30
|
||||
episode_reward_sum = 0
|
||||
for _ in range(num_episodes):
|
||||
done = False
|
||||
obs = env.reset()
|
||||
total_reward = 0
|
||||
while not done:
|
||||
timestamp = time.time()
|
||||
obs, reward, done, info = env.step(env.action_space.sample())
|
||||
|
||||
# Note that if player wins but only has 0 HP left, the winning reward is still 0, so it won't be printed.
|
||||
if reward != 0:
|
||||
total_reward += reward
|
||||
print("Reward: {}, playerHP: {}, enemyHP:{}".format(reward, info['health'], info['enemy_health']))
|
||||
env.render()
|
||||
# time.sleep(0.005)
|
||||
|
||||
print("Total reward: {}".format(total_reward))
|
||||
episode_reward_sum += total_reward
|
||||
|
||||
env.close()
|
||||
print("Average reward for random strategy: {}".format(episode_reward_sum/num_episodes))
|
@ -0,0 +1,24 @@
|
||||
import gym
|
||||
import torch
|
||||
import torch.nn as nn
|
||||
from stable_baselines3.common.torch_layers import BaseFeaturesExtractor
|
||||
|
||||
# Custom feature extractor (CNN)
|
||||
class CustomCNN(BaseFeaturesExtractor):
|
||||
def __init__(self, observation_space: gym.Space):
|
||||
super(CustomCNN, self).__init__(observation_space, features_dim=512)
|
||||
self.cnn = nn.Sequential(
|
||||
nn.Conv2d(4, 32, kernel_size=5, stride=2, padding=0),
|
||||
nn.ReLU(),
|
||||
nn.Conv2d(32, 64, kernel_size=5, stride=2, padding=0),
|
||||
nn.ReLU(),
|
||||
nn.Conv2d(64, 64, kernel_size=3, stride=1, padding=0),
|
||||
nn.ReLU(),
|
||||
nn.Flatten(),
|
||||
nn.Linear(16384, self.features_dim),
|
||||
nn.ReLU()
|
||||
)
|
||||
|
||||
def forward(self, observations: torch.Tensor) -> torch.Tensor:
|
||||
return self.cnn(observations)
|
||||
|
@ -0,0 +1,52 @@
|
||||
import retro
|
||||
|
||||
from stable_baselines3 import PPO
|
||||
from stable_baselines3.common.vec_env import DummyVecEnv
|
||||
from stable_baselines3.common.monitor import Monitor
|
||||
from stable_baselines3.common.evaluation import evaluate_policy
|
||||
|
||||
from custom_cnn import CustomCNN
|
||||
from street_fighter_custom_wrapper import StreetFighterCustomWrapper
|
||||
|
||||
def make_env(game, state):
|
||||
def _init():
|
||||
env = retro.make(
|
||||
game=game,
|
||||
state=state,
|
||||
use_restricted_actions=retro.Actions.FILTERED,
|
||||
obs_type=retro.Observations.IMAGE
|
||||
)
|
||||
env = StreetFighterCustomWrapper(env)
|
||||
return env
|
||||
return _init
|
||||
|
||||
game = "StreetFighterIISpecialChampionEdition-Genesis"
|
||||
state_stages = [
|
||||
"Champion.Level1.ChunLiVsGuile",
|
||||
"Champion.Level2.ChunLiVsKen",
|
||||
"Champion.Level3.ChunLiVsChunLi",
|
||||
"Champion.Level4.ChunLiVsZangief",
|
||||
"Champion.Level5.ChunLiVsDhalsim",
|
||||
"Champion.Level6.ChunLiVsRyu",
|
||||
"Champion.Level7.ChunLiVsEHonda",
|
||||
"Champion.Level8.ChunLiVsBlanka",
|
||||
"Champion.Level9.ChunLiVsBalrog",
|
||||
"Champion.Level10.ChunLiVsVega",
|
||||
"Champion.Level11.ChunLiVsSagat",
|
||||
"Champion.Level12.ChunLiVsBison"
|
||||
# Add other stages as necessary
|
||||
]
|
||||
|
||||
env = make_env(game, state_stages[0])()
|
||||
|
||||
# Wrap the environment
|
||||
# env = Monitor(env, 'logs/')
|
||||
|
||||
policy_kwargs = {'features_extractor_class': CustomCNN}
|
||||
model = PPO("CnnPolicy", env, policy_kwargs=policy_kwargs)
|
||||
|
||||
model = PPO.load(r"dummy_model_ppo_chunli")
|
||||
# model.load(r"trained_models/ppo_chunli_864000_steps")
|
||||
|
||||
mean_reward, std_reward = evaluate_policy(model, env, render=True, n_eval_episodes=10, deterministic=False, return_episode_rewards=True)
|
||||
print(f"Mean reward: {mean_reward:.2f} +/- {std_reward:.2f}")
|
@ -0,0 +1,464 @@
|
||||
#{"t_start": 1680618620.5349822, "env_id": null}
|
||||
r,l,t
|
||||
0.175557,1694,26.36644
|
||||
0.297453,1369,42.001171
|
||||
0.316258,1349,58.591356
|
||||
-0.170979,551,64.691608
|
||||
0.285042,2022,89.397835
|
||||
0.260378,1503,107.777022
|
||||
0.327621,2248,134.342297
|
||||
0.049971,1636,154.193691
|
||||
-0.338,722,163.37777
|
||||
0.32358,1678,183.294785
|
||||
0.469401,1670,203.313653
|
||||
0.048136,864,214.0148
|
||||
0.447798,1455,230.978593
|
||||
0.244277,1188,244.869213
|
||||
-0.234288,740,254.000359
|
||||
0.296153,1443,271.444621
|
||||
0.121057,1170,286.05505
|
||||
-0.009942,1274,300.347498
|
||||
0.2613,1472,318.778883
|
||||
0.317495,1748,340.185676
|
||||
0.326699,1736,360.501755
|
||||
0.608096,1223,375.595313
|
||||
0.023881,1224,389.735857
|
||||
0.302357,1134,403.209213
|
||||
-0.013502,859,413.638698
|
||||
-0.003771,709,421.642036
|
||||
0.214053,1559,440.962049
|
||||
0.239167,1053,453.375899
|
||||
0.222053,1276,468.919704
|
||||
0.491652,992,480.978358
|
||||
0.649052,920,492.035498
|
||||
-0.021502,1106,504.816763
|
||||
0.200453,950,516.712689
|
||||
0.463972,1674,536.901105
|
||||
-0.044298,1047,549.271691
|
||||
-0.035422,818,558.745198
|
||||
0.300258,1840,581.078904
|
||||
0.319538,1544,599.347467
|
||||
0.522776,1395,616.199559
|
||||
0.491601,1755,637.816793
|
||||
0.16923,1275,652.479726
|
||||
-0.339,657,661.302035
|
||||
0.57078,1290,677.027712
|
||||
0.109344,974,688.32304
|
||||
0.257589,1771,710.142448
|
||||
0.298258,1557,728.640277
|
||||
0.461099,1445,746.890524
|
||||
0.180714,1616,765.837248
|
||||
0.11065,921,776.889595
|
||||
0.228488,1574,796.39212
|
||||
0.293206,2062,821.380586
|
||||
0.046971,1389,838.711424
|
||||
0.053519,1254,853.282397
|
||||
0.225866,1361,870.16437
|
||||
0.475065,1791,891.784577
|
||||
0.496056,1186,905.485129
|
||||
0.518465,1347,922.047951
|
||||
0.039437,1258,936.985906
|
||||
0.432745,1695,957.366476
|
||||
0.335699,1596,975.894452
|
||||
0.032887,1525,994.848077
|
||||
0.53634,953,1007.43495
|
||||
-0.133312,802,1017.196602
|
||||
-0.034337,1330,1033.05701
|
||||
0.183921,1446,1051.375265
|
||||
0.028737,1181,1065.463056
|
||||
0.040887,1575,1084.176345
|
||||
0.479735,1724,1105.099921
|
||||
0.172059,1033,1117.39676
|
||||
0.124314,1440,1134.371906
|
||||
0.100714,1218,1149.526981
|
||||
0.234277,1711,1170.180137
|
||||
-0.036295,1138,1184.258761
|
||||
0.03155,1438,1201.610575
|
||||
0.164701,1590,1220.618049
|
||||
0.432393,1555,1240.277837
|
||||
0.536552,1404,1257.231191
|
||||
0.483204,1414,1274.08168
|
||||
0.57104,990,1285.386045
|
||||
0.326661,1785,1307.336887
|
||||
0.06549,1007,1319.882915
|
||||
0.343843,1468,1337.97112
|
||||
0.248053,1252,1352.204933
|
||||
0.087668,1002,1364.593586
|
||||
0.219816,1289,1380.274341
|
||||
0.242589,1259,1396.035966
|
||||
0.482868,1713,1418.177613
|
||||
0.337621,2126,1443.281836
|
||||
0.268667,1316,1458.889297
|
||||
0.433817,2276,1486.579544
|
||||
0.332098,1543,1505.131691
|
||||
0.274734,1167,1518.92915
|
||||
0.125053,1339,1535.974616
|
||||
0.101368,1144,1550.556735
|
||||
0.061437,1608,1570.741634
|
||||
0.118238,1089,1585.305697
|
||||
0.360843,1716,1605.706502
|
||||
0.337699,1928,1627.63124
|
||||
0.128277,1154,1640.786158
|
||||
0.194157,1866,1662.864744
|
||||
0.300308,1997,1685.972941
|
||||
0.326098,1862,1707.278988
|
||||
0.636146,1103,1720.53155
|
||||
-0.347,595,1726.632068
|
||||
0.181714,1429,1743.764102
|
||||
0.444632,2344,1770.811991
|
||||
0.300258,1141,1784.098058
|
||||
0.178714,1327,1799.044747
|
||||
0.003368,928,1809.444721
|
||||
0.517836,1486,1826.960614
|
||||
0.455779,1225,1841.166777
|
||||
-0.332,769,1849.872639
|
||||
0.512481,1292,1864.532353
|
||||
0.540794,1128,1876.500257
|
||||
0.258488,1012,1888.252762
|
||||
0.303598,1672,1907.596181
|
||||
0.223053,1287,1922.413469
|
||||
0.670465,918,1933.83377
|
||||
0.072959,1235,1947.624959
|
||||
0.187014,1118,1960.727214
|
||||
0.085926,1021,1972.587279
|
||||
0.150057,1146,1986.131281
|
||||
0.009728,875,1996.565743
|
||||
0.302527,1030,2010.020566
|
||||
0.213053,1128,2024.718174
|
||||
0.312924,1682,2045.451381
|
||||
0.193014,947,2055.757803
|
||||
0.575344,963,2067.128321
|
||||
0.555002,1525,2084.293831
|
||||
0.324621,1579,2101.63007
|
||||
0.128519,921,2111.887091
|
||||
0.274453,1156,2124.838457
|
||||
0.36994,1843,2146.109775
|
||||
0.344808,1617,2163.565612
|
||||
0.341843,1458,2180.11848
|
||||
-0.074307,1340,2194.751863
|
||||
0.514612,1472,2211.486664
|
||||
-0.034422,1117,2223.175213
|
||||
0.228589,1235,2237.243429
|
||||
0.381803,1704,2256.084846
|
||||
0.517507,1571,2274.374554
|
||||
0.348699,1693,2293.017474
|
||||
0.296153,2052,2316.02149
|
||||
-0.044531,828,2324.76264
|
||||
0.69311,863,2334.65857
|
||||
0.078437,773,2343.129894
|
||||
-0.038674,894,2353.176141
|
||||
0.217053,1508,2370.197885
|
||||
0.215053,1453,2386.21162
|
||||
0.075421,1371,2401.645391
|
||||
0.207432,1015,2412.943262
|
||||
0.580551,1305,2427.207219
|
||||
0.067711,1452,2443.335835
|
||||
0.35297,1989,2466.184271
|
||||
0.335495,1148,2479.008814
|
||||
0.344808,1421,2494.967132
|
||||
0.309357,1703,2513.563421
|
||||
0.624178,1342,2529.162301
|
||||
0.227384,1379,2544.510073
|
||||
0.358876,1594,2561.802312
|
||||
0.382843,2032,2584.296656
|
||||
0.343661,1269,2598.55894
|
||||
0.121057,1305,2612.879102
|
||||
0.189396,1586,2630.230506
|
||||
0.099302,988,2641.533065
|
||||
0.35394,1896,2662.955544
|
||||
0.542399,1068,2674.425554
|
||||
0.519446,1642,2692.759789
|
||||
0.594168,1210,2705.809661
|
||||
0.36494,1616,2723.962691
|
||||
-0.152979,820,2733.775229
|
||||
0.276863,1660,2751.342108
|
||||
-0.123312,774,2760.769773
|
||||
0.203564,1249,2774.112725
|
||||
0.236783,1364,2789.566412
|
||||
0.264488,1202,2802.716457
|
||||
0.293153,2071,2826.603885
|
||||
0.46435,2436,2853.80781
|
||||
0.204692,1544,2871.240605
|
||||
0.355737,2243,2895.827897
|
||||
0.264098,1355,2911.224123
|
||||
0.35797,1253,2925.375071
|
||||
-0.168979,1207,2938.171709
|
||||
0.522026,1162,2951.124314
|
||||
0.07349,1238,2965.168098
|
||||
0.293924,1508,2981.098013
|
||||
0.171322,1121,2994.042814
|
||||
0.608848,1212,3007.983826
|
||||
0.308404,1887,3028.726074
|
||||
0.026737,1167,3042.548907
|
||||
0.575871,1387,3057.178848
|
||||
0.504268,1599,3075.434563
|
||||
0.34894,1555,3092.733527
|
||||
0.06387,1289,3107.038562
|
||||
-0.051531,1043,3118.402655
|
||||
0.266598,1608,3136.720351
|
||||
0.211053,1188,3149.853019
|
||||
0.323308,1113,3162.57177
|
||||
0.332098,1860,3183.106149
|
||||
0.213297,1416,3199.626201
|
||||
0.088302,1242,3214.171248
|
||||
0.648562,972,3225.875777
|
||||
-0.229288,760,3234.679651
|
||||
0.582557,1252,3248.116014
|
||||
0.367908,1294,3263.714815
|
||||
0.308357,1516,3280.409474
|
||||
0.17223,1359,3296.520706
|
||||
0.244488,1459,3313.307134
|
||||
-0.346,790,3323.84806
|
||||
0.357843,2008,3347.341581
|
||||
0.499568,1650,3367.446578
|
||||
0.194883,1398,3384.355377
|
||||
0.17823,1349,3401.118892
|
||||
0.608593,1078,3413.490413
|
||||
0.186515,1291,3429.041662
|
||||
0.06387,1234,3444.374147
|
||||
0.493711,1251,3459.628421
|
||||
0.294206,1564,3478.220637
|
||||
0.163883,1142,3491.996987
|
||||
0.666636,898,3502.836125
|
||||
0.684686,730,3510.901565
|
||||
0.095023,860,3521.750679
|
||||
0.1743,1264,3537.059595
|
||||
0.245816,1282,3551.651176
|
||||
0.266378,1290,3566.179015
|
||||
0.089926,988,3577.700983
|
||||
0.098368,1345,3592.450832
|
||||
0.239876,2164,3616.827502
|
||||
0.05332,953,3627.962656
|
||||
0.226488,1201,3641.088664
|
||||
0.127564,1434,3656.926814
|
||||
0.472911,1803,3677.026037
|
||||
0.119028,1322,3692.391764
|
||||
0.516877,1409,3708.148608
|
||||
0.194322,905,3718.415336
|
||||
-0.166979,937,3728.645482
|
||||
0.18523,1452,3744.869764
|
||||
0.437404,1306,3760.482677
|
||||
-0.079263,1195,3773.632644
|
||||
-0.042345,871,3783.554236
|
||||
0.484613,1520,3800.948073
|
||||
0.330737,1505,3817.120873
|
||||
0.355808,1550,3834.397148
|
||||
0.027518,750,3842.836147
|
||||
-0.151677,1119,3855.572821
|
||||
0.08087,1158,3868.711388
|
||||
-0.114489,594,3875.689814
|
||||
0.335808,1933,3897.234256
|
||||
0.027948,870,3907.236917
|
||||
0.438204,2030,3929.982847
|
||||
0.129564,1668,3948.548026
|
||||
0.018402,1072,3960.193839
|
||||
0.185866,1797,3980.055534
|
||||
0.573204,1235,3993.963613
|
||||
0.328538,1493,4010.071692
|
||||
0.066305,1113,4022.629319
|
||||
0.181322,1249,4036.651772
|
||||
0.351661,1221,4049.893539
|
||||
0.477994,1584,4068.102012
|
||||
0.081302,1281,4082.581761
|
||||
0.308667,1383,4097.385808
|
||||
0.523528,1214,4112.098281
|
||||
0.345538,1454,4128.3088
|
||||
0.523595,1480,4145.45736
|
||||
-0.015623,1387,4161.665227
|
||||
0.19123,1233,4175.034482
|
||||
-0.039345,1000,4186.564679
|
||||
0.586696,1083,4199.508359
|
||||
0.280734,1669,4218.347484
|
||||
0.098538,804,4227.332446
|
||||
0.474698,1604,4245.184968
|
||||
0.499757,1331,4261.029082
|
||||
0.636879,916,4271.360873
|
||||
-0.339,664,4278.64682
|
||||
0.150921,1103,4291.413805
|
||||
0.344843,1487,4307.738596
|
||||
0.700451,880,4317.696767
|
||||
0.002058,1050,4330.114878
|
||||
0.238984,1764,4349.224837
|
||||
0.572113,1378,4364.903683
|
||||
0.217277,1647,4383.289084
|
||||
0.351876,1563,4400.559933
|
||||
0.232783,1775,4420.61872
|
||||
0.2663,1328,4435.42546
|
||||
0.251153,1779,4455.635929
|
||||
0.336737,1650,4474.271004
|
||||
0.330661,1852,4495.420458
|
||||
0.014225,992,4505.971641
|
||||
-0.044345,901,4516.000974
|
||||
0.167883,1368,4531.585924
|
||||
0.335773,1563,4548.844691
|
||||
0.466269,1920,4570.345135
|
||||
0.008855,1086,4583.138252
|
||||
0.51341,1767,4603.449596
|
||||
0.134043,1691,4622.456842
|
||||
0.458607,1346,4637.203973
|
||||
0.728215,900,4647.647573
|
||||
0.021881,1221,4661.729426
|
||||
0.646557,1252,4675.96687
|
||||
0.532706,1495,4691.924966
|
||||
0.217277,1241,4706.247124
|
||||
0.508811,1206,4719.482471
|
||||
0.270598,1409,4735.074966
|
||||
0.439135,1981,4757.485094
|
||||
0.576995,1302,4771.897727
|
||||
0.502181,1335,4787.464476
|
||||
0.176059,1162,4800.515446
|
||||
0.153124,1519,4817.95117
|
||||
0.332621,2309,4843.701416
|
||||
0.324661,1545,4860.983007
|
||||
0.032737,1402,4876.839892
|
||||
0.472529,1807,4897.035953
|
||||
0.505624,1570,4914.387007
|
||||
0.326661,1808,4934.827081
|
||||
0.57339,1376,4950.579439
|
||||
0.524841,1594,4968.299503
|
||||
0.483006,1741,4988.21197
|
||||
-0.121489,916,4998.519326
|
||||
0.18023,1581,5016.166409
|
||||
0.211297,1119,5029.045728
|
||||
0.134807,1190,5042.244612
|
||||
0.251138,1121,5055.102743
|
||||
0.337773,1725,5075.130495
|
||||
0.76264,647,5082.386138
|
||||
0.478803,1704,5101.194198
|
||||
0.161792,1080,5112.910315
|
||||
0.735003,762,5121.424225
|
||||
0.522147,1407,5137.301287
|
||||
0.587642,1245,5151.690204
|
||||
0.60636,1443,5167.605267
|
||||
0.06287,1154,5180.6469
|
||||
0.098926,1261,5195.044199
|
||||
0.351326,1728,5215.255989
|
||||
0.569762,1066,5227.075678
|
||||
0.520698,1381,5242.859142
|
||||
0.606955,1006,5254.483362
|
||||
0.461047,1855,5274.79125
|
||||
0.460597,1389,5290.798057
|
||||
0.39797,1782,5310.985806
|
||||
0.189866,1336,5325.973648
|
||||
-0.007623,1008,5337.363266
|
||||
0.340206,1660,5356.572809
|
||||
0.48075,1345,5372.469926
|
||||
0.266138,1365,5387.254716
|
||||
0.466624,1806,5408.679072
|
||||
-0.043345,731,5416.204696
|
||||
0.477815,1310,5431.968788
|
||||
0.694265,844,5440.870117
|
||||
0.331538,2129,5465.153203
|
||||
0.613811,1206,5478.325413
|
||||
0.423455,1717,5498.278373
|
||||
-0.245923,1193,5511.695644
|
||||
0.074484,1316,5526.462827
|
||||
0.614219,1114,5539.513687
|
||||
0.136043,1298,5554.171403
|
||||
0.229167,1246,5568.650827
|
||||
0.187557,1795,5589.095341
|
||||
0.599668,1374,5604.684873
|
||||
0.492923,1576,5622.234624
|
||||
0.596422,1136,5635.306347
|
||||
0.071421,1124,5648.295425
|
||||
0.000402,901,5658.593491
|
||||
0.758645,811,5667.525487
|
||||
0.252488,1111,5680.703352
|
||||
0.544255,1222,5694.107345
|
||||
0.11565,978,5705.746945
|
||||
0.431188,1898,5727.809695
|
||||
0.635139,954,5738.481991
|
||||
0.508543,1434,5754.592428
|
||||
0.045971,1076,5767.457963
|
||||
0.35894,1817,5788.039174
|
||||
0.516551,1632,5806.85286
|
||||
0.623126,1064,5818.56877
|
||||
0.305984,1271,5833.28462
|
||||
-0.150268,721,5840.905219
|
||||
0.47923,1853,5862.669937
|
||||
0.119936,1275,5877.552455
|
||||
0.425672,1999,5900.94608
|
||||
0.5119,1752,5920.666188
|
||||
0.36794,1415,5937.2164
|
||||
0.822401,614,5944.546984
|
||||
0.512924,1924,5966.507948
|
||||
-0.043298,1268,5981.052058
|
||||
0.214167,1737,6001.260277
|
||||
0.475352,1718,6021.28685
|
||||
0.265453,1817,6042.673456
|
||||
0.35197,1579,6062.035438
|
||||
0.295924,2182,6088.071027
|
||||
0.703221,1058,6100.298678
|
||||
0.224384,1889,6122.557107
|
||||
0.559914,1001,6133.57758
|
||||
0.643215,900,6144.276534
|
||||
0.259384,1142,6157.747023
|
||||
0.173396,1391,6174.053352
|
||||
0.496446,1642,6193.3997
|
||||
0.137792,1478,6211.115602
|
||||
0.079538,1000,6222.277927
|
||||
0.24722,1359,6239.064489
|
||||
0.155314,1101,6252.877259
|
||||
0.220277,1691,6273.626719
|
||||
-0.057623,1174,6288.141941
|
||||
0.183322,1202,6302.138001
|
||||
0.477904,1762,6323.976152
|
||||
0.339843,1684,6344.669239
|
||||
0.452762,1586,6364.194056
|
||||
0.692593,1078,6376.667487
|
||||
0.723344,948,6388.713135
|
||||
0.280984,1786,6409.199019
|
||||
0.215714,1298,6426.196382
|
||||
0.131057,1165,6440.076642
|
||||
0.564551,1305,6456.376497
|
||||
0.659598,982,6468.684055
|
||||
0.620668,1374,6484.172106
|
||||
0.67507,854,6494.765885
|
||||
-0.346,677,6502.479073
|
||||
0.700528,577,6509.757691
|
||||
0.238053,1302,6525.169837
|
||||
0.089023,1563,6543.374559
|
||||
-0.149111,1110,6556.931417
|
||||
0.185322,1700,6577.216203
|
||||
-0.135121,962,6589.221593
|
||||
-0.339,770,6598.652669
|
||||
0.248495,1765,6618.751398
|
||||
0.452182,1921,6642.034839
|
||||
0.336538,2305,6669.776224
|
||||
0.230688,1678,6691.416605
|
||||
0.59298,1282,6706.72366
|
||||
0.146921,1287,6722.147993
|
||||
0.479047,1946,6745.467303
|
||||
0.313357,1696,6766.038196
|
||||
0.581554,807,6775.622432
|
||||
0.318924,1567,6795.989762
|
||||
0.670478,894,6807.084485
|
||||
0.32158,1460,6824.755363
|
||||
0.153322,1156,6838.955743
|
||||
0.334621,1672,6859.535887
|
||||
0.343773,1596,6879.214252
|
||||
0.602528,1159,6893.1659
|
||||
0.112703,922,6904.186761
|
||||
0.057484,1119,6917.707233
|
||||
0.239876,1489,6935.015982
|
||||
0.190866,1396,6952.128572
|
||||
0.338621,1951,6975.63249
|
||||
0.589668,1456,6994.47972
|
||||
-0.053674,1073,7007.079554
|
||||
0.5772,1155,7021.077112
|
||||
0.14065,1285,7036.832731
|
||||
0.679005,901,7047.709272
|
||||
0.189515,1374,7064.904315
|
||||
0.2533,1728,7085.216779
|
||||
0.263138,1279,7100.762434
|
||||
0.531219,1626,7121.197615
|
||||
0.417875,1913,7145.021642
|
||||
0.165792,1282,7160.562574
|
||||
0.787483,588,7168.28985
|
||||
-0.161979,901,7179.210262
|
||||
0.53139,1572,7198.08008
|
||||
0.697722,1002,7210.548492
|
||||
0.537207,1499,7228.86597
|
||||
0.095668,1048,7241.318922
|
||||
0.084302,1211,7255.369863
|
||||
0.097023,1270,7270.621816
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,477 @@
|
||||
#{"t_start": 1680618620.5359814, "env_id": null}
|
||||
r,l,t
|
||||
-0.041282,1650,25.179703
|
||||
0.477116,1645,44.972401
|
||||
0.02455,1267,60.09565
|
||||
0.600054,1081,73.384743
|
||||
0.32645,1752,94.228608
|
||||
0.37397,1958,118.447109
|
||||
0.121816,1191,132.545189
|
||||
0.31858,1259,147.887785
|
||||
-0.168677,777,157.080308
|
||||
0.282924,1951,180.311305
|
||||
0.541891,1620,200.114001
|
||||
-0.172791,767,209.476433
|
||||
-0.18035,901,220.107748
|
||||
-0.347,747,229.060402
|
||||
0.054971,1170,243.033744
|
||||
0.234384,1578,261.868997
|
||||
-0.024345,1049,274.393688
|
||||
-0.128489,1222,289.262488
|
||||
-0.35,910,300.028502
|
||||
-0.020298,931,311.163597
|
||||
0.045971,1681,331.250468
|
||||
0.285984,1662,351.267477
|
||||
-0.018623,1284,366.643852
|
||||
0.492012,1408,383.680312
|
||||
0.432956,1593,402.962212
|
||||
-0.071913,851,412.376018
|
||||
0.255167,1314,428.765921
|
||||
-0.125489,681,436.580059
|
||||
0.07823,1233,451.651291
|
||||
0.259378,1376,467.621689
|
||||
0.257453,1643,487.636364
|
||||
0.267598,1553,506.293225
|
||||
0.343876,1786,527.837933
|
||||
-0.161979,828,538.353995
|
||||
0.550543,1434,555.362123
|
||||
0.07187,1193,569.165365
|
||||
0.178396,1162,582.855779
|
||||
0.267667,1856,605.399148
|
||||
0.385963,1485,622.87458
|
||||
0.328699,1459,641.251167
|
||||
0.076959,1605,660.165778
|
||||
0.35365,2063,685.348186
|
||||
-0.134121,889,696.237098
|
||||
-0.011623,1130,710.212449
|
||||
0.5069,1752,731.535379
|
||||
0.490815,1310,747.220525
|
||||
0.131564,1227,762.474298
|
||||
0.277527,1592,781.313341
|
||||
0.094668,1429,798.386295
|
||||
0.277378,1528,816.947526
|
||||
0.235783,1968,841.848094
|
||||
0.202297,1308,857.599852
|
||||
0.054994,1167,871.668802
|
||||
0.51804,1601,891.490577
|
||||
0.32158,1573,909.899316
|
||||
0.086926,1182,923.587173
|
||||
0.439794,1949,946.366853
|
||||
0.282598,2094,972.412912
|
||||
0.054437,872,982.135221
|
||||
0.071139,971,994.706775
|
||||
0.368661,1219,1010.535471
|
||||
-0.323,497,1015.841691
|
||||
0.048971,1249,1031.390479
|
||||
0.332661,2146,1057.665394
|
||||
0.341661,1689,1078.025789
|
||||
0.18523,1213,1093.076896
|
||||
0.126057,1242,1106.973181
|
||||
0.185258,1703,1127.989442
|
||||
0.418655,2327,1155.895261
|
||||
0.353908,1454,1173.56826
|
||||
0.35497,1739,1195.252969
|
||||
-0.022623,1052,1207.815617
|
||||
-0.040298,1050,1220.476818
|
||||
0.138043,1193,1235.611367
|
||||
0.020225,1020,1247.050922
|
||||
0.238488,1743,1268.266366
|
||||
0.019518,1118,1282.02533
|
||||
0.241965,2063,1307.154889
|
||||
0.195876,1446,1324.552756
|
||||
0.324,1258,1339.712272
|
||||
0.484661,1715,1359.950237
|
||||
-0.24835,437,1365.947384
|
||||
0.079538,1682,1386.428053
|
||||
0.468732,1826,1409.189488
|
||||
0.017855,971,1421.504305
|
||||
0.463043,1721,1441.873211
|
||||
-0.030282,1077,1455.419904
|
||||
0.328908,1946,1478.624956
|
||||
0.202396,1283,1494.149474
|
||||
0.600033,1032,1506.498879
|
||||
0.434386,1708,1526.847021
|
||||
-0.046674,931,1539.162309
|
||||
-0.013623,1017,1552.064923
|
||||
0.102866,1038,1565.349419
|
||||
0.479773,1858,1588.82365
|
||||
0.647148,787,1598.408194
|
||||
0.434046,1866,1620.119695
|
||||
0.287042,1516,1637.634017
|
||||
0.076728,967,1648.236692
|
||||
0.291598,1377,1664.335497
|
||||
0.156515,1515,1681.824734
|
||||
0.470739,2075,1705.848419
|
||||
0.199432,1501,1723.428679
|
||||
-0.085357,1132,1736.618508
|
||||
0.510612,1472,1753.021368
|
||||
0.357843,1245,1767.880664
|
||||
0.308153,1412,1784.22406
|
||||
0.432438,1679,1803.397932
|
||||
0.011058,803,1812.378924
|
||||
0.204258,1433,1829.654957
|
||||
0.337661,1539,1847.015913
|
||||
0.516779,1225,1860.375845
|
||||
0.332773,1488,1877.630482
|
||||
0.244138,1606,1895.656998
|
||||
0.615875,1082,1908.818524
|
||||
0.503529,1807,1929.548541
|
||||
0.623739,1140,1943.016832
|
||||
0.157322,1885,1964.873559
|
||||
-0.031345,875,1974.249643
|
||||
0.095368,1223,1989.071544
|
||||
0.319538,1163,2003.308738
|
||||
0.522229,1287,2019.996664
|
||||
0.720872,810,2029.998028
|
||||
0.013139,1020,2042.919974
|
||||
0.675238,1015,2054.290576
|
||||
0.489071,1592,2072.818539
|
||||
-0.019502,1048,2084.45117
|
||||
0.679737,874,2094.260188
|
||||
-0.162979,861,2103.29844
|
||||
0.331621,1481,2120.401725
|
||||
0.071139,1213,2134.640445
|
||||
-0.113489,1102,2146.385777
|
||||
0.25422,1554,2163.589632
|
||||
0.180714,1200,2177.301262
|
||||
-0.35,589,2183.334232
|
||||
0.545124,1524,2200.418355
|
||||
0.265667,1594,2218.669544
|
||||
-0.033282,852,2227.45265
|
||||
0.26022,1653,2245.998016
|
||||
0.123792,1640,2264.586469
|
||||
-0.145268,1161,2277.499456
|
||||
-0.071913,883,2287.456232
|
||||
0.221816,1810,2307.510643
|
||||
0.282876,1365,2323.13476
|
||||
-0.338,597,2329.089879
|
||||
0.611748,946,2340.270594
|
||||
0.469368,1154,2353.079141
|
||||
0.518337,1506,2370.078889
|
||||
-0.083274,916,2380.337291
|
||||
0.348908,2269,2404.719039
|
||||
0.050484,959,2415.912711
|
||||
0.513545,1678,2434.367003
|
||||
0.240488,1227,2448.756545
|
||||
0.099028,1105,2460.577778
|
||||
0.187059,1305,2475.049229
|
||||
0.336737,1766,2495.153133
|
||||
0.099028,1465,2511.853848
|
||||
0.196014,1497,2528.09907
|
||||
-0.288452,604,2534.983848
|
||||
0.336773,1694,2553.509826
|
||||
0.480668,1456,2570.150786
|
||||
0.223488,1419,2585.759849
|
||||
0.35594,1539,2602.862566
|
||||
-0.093598,800,2611.571071
|
||||
0.190714,1334,2626.982116
|
||||
0.271734,2326,2652.784012
|
||||
0.484811,1206,2665.953443
|
||||
0.462053,1812,2685.822472
|
||||
0.196059,1149,2698.597231
|
||||
0.184866,1022,2709.876891
|
||||
0.497229,1444,2726.524678
|
||||
-0.120312,1060,2738.230793
|
||||
0.271799,1943,2759.598367
|
||||
0.17623,1544,2776.785417
|
||||
0.425038,1350,2792.187411
|
||||
0.791714,734,2799.775677
|
||||
0.05332,906,2810.078031
|
||||
0.307734,1357,2825.477617
|
||||
0.044971,1091,2838.062276
|
||||
0.441812,1603,2855.530995
|
||||
0.330699,1558,2872.971552
|
||||
0.203816,1799,2893.013849
|
||||
0.438956,2059,2915.891831
|
||||
0.194701,1102,2928.423086
|
||||
0.106139,1420,2944.0418
|
||||
0.185014,1265,2958.227577
|
||||
0.306308,1558,2975.21943
|
||||
-0.334,792,2983.939814
|
||||
0.210014,1215,2998.063529
|
||||
0.551815,1310,3012.495224
|
||||
0.302153,1674,3031.513418
|
||||
-0.17135,938,3041.594515
|
||||
0.62194,1199,3055.469154
|
||||
0.2613,1448,3071.281371
|
||||
0.503706,1495,3088.343107
|
||||
0.191014,1102,3100.093676
|
||||
0.318538,1227,3114.024554
|
||||
-0.036282,1175,3126.867581
|
||||
0.17823,1485,3143.909972
|
||||
0.224277,1302,3158.350388
|
||||
0.313206,1793,3178.522325
|
||||
-0.038282,1016,3190.249428
|
||||
-0.103489,680,3198.131331
|
||||
0.138564,1602,3216.922885
|
||||
0.343843,1332,3232.023546
|
||||
0.36497,1632,3250.844542
|
||||
0.011225,1016,3262.434549
|
||||
0.479525,1776,3283.007194
|
||||
0.264598,1369,3298.22981
|
||||
0.532233,1080,3311.527011
|
||||
0.174621,1286,3327.133468
|
||||
0.629644,1271,3342.496607
|
||||
-0.096771,1396,3359.54005
|
||||
0.572487,1246,3373.714899
|
||||
0.624773,1077,3387.316348
|
||||
0.360808,1455,3404.501177
|
||||
0.026139,821,3414.829833
|
||||
0.162701,987,3426.051981
|
||||
0.440224,1729,3447.556683
|
||||
-0.11133,1261,3462.894055
|
||||
0.240688,1157,3476.74106
|
||||
0.329538,1288,3492.096988
|
||||
0.491602,1426,3509.147616
|
||||
0.625254,1267,3524.71119
|
||||
-0.141121,1001,3536.904597
|
||||
0.211936,1237,3550.411983
|
||||
0.254138,1383,3566.223016
|
||||
0.560282,1280,3580.861377
|
||||
-0.078591,789,3589.601909
|
||||
0.251053,1715,3609.465057
|
||||
0.04649,1035,3620.892251
|
||||
-0.220029,839,3629.762424
|
||||
-0.347,775,3638.350036
|
||||
0.639268,1091,3651.126335
|
||||
-0.026337,1013,3662.581686
|
||||
0.000643,1073,3674.141022
|
||||
0.187714,1419,3689.892271
|
||||
0.166701,1176,3703.756302
|
||||
0.341843,1942,3725.625615
|
||||
0.051994,1144,3738.691587
|
||||
0.344876,1695,3757.685364
|
||||
-0.124312,864,3767.701318
|
||||
0.531034,1295,3782.096885
|
||||
0.536958,1501,3798.44066
|
||||
0.255378,1357,3814.133177
|
||||
0.77988,771,3822.644981
|
||||
-0.052422,939,3832.970188
|
||||
0.005643,1064,3845.373218
|
||||
0.623617,1201,3858.618289
|
||||
-0.16906,1127,3871.491773
|
||||
0.211816,1222,3884.596366
|
||||
0.202564,1035,3897.056262
|
||||
0.327699,1587,3914.436171
|
||||
0.517762,1586,3931.823106
|
||||
0.067728,1163,3944.689109
|
||||
-0.094118,780,3954.235307
|
||||
-0.162677,817,3962.98274
|
||||
0.270688,1045,3974.447237
|
||||
-0.099603,1391,3989.961539
|
||||
0.303667,1524,4006.835846
|
||||
0.278527,1481,4022.847908
|
||||
0.302098,2182,4047.197115
|
||||
0.507711,1251,4061.199708
|
||||
0.03732,941,4072.348645
|
||||
0.50034,1616,4090.048233
|
||||
0.544518,1233,4104.669749
|
||||
0.587381,1096,4116.668284
|
||||
0.416801,1560,4135.111554
|
||||
0.162314,909,4145.358358
|
||||
0.221277,1216,4159.036087
|
||||
0.381876,1377,4174.851023
|
||||
0.813797,635,4182.065594
|
||||
0.276863,1888,4203.958518
|
||||
0.341808,2119,4227.469902
|
||||
-0.235288,763,4236.262852
|
||||
0.40298,1282,4250.943388
|
||||
0.706595,690,4259.358941
|
||||
0.46592,1824,4279.976725
|
||||
-0.009623,805,4288.653227
|
||||
0.539131,1281,4303.299704
|
||||
0.690737,874,4313.19968
|
||||
0.137703,1063,4324.792691
|
||||
0.528248,1254,4339.031111
|
||||
0.178714,1225,4353.18136
|
||||
0.301308,1650,4371.647652
|
||||
0.148495,1427,4387.406858
|
||||
-0.039282,1122,4399.290053
|
||||
0.511048,1357,4415.031892
|
||||
0.222488,1842,4435.447468
|
||||
0.497998,930,4446.704185
|
||||
0.086926,1165,4459.670791
|
||||
0.076728,1230,4472.901116
|
||||
0.153322,972,4484.196718
|
||||
0.458662,1631,4502.661168
|
||||
0.193453,1122,4514.572329
|
||||
0.484919,1559,4532.847166
|
||||
0.500939,1431,4548.608694
|
||||
0.668024,882,4558.658953
|
||||
0.347876,1391,4574.31461
|
||||
0.300667,999,4584.837418
|
||||
0.247138,1477,4602.190318
|
||||
-0.097674,864,4612.117309
|
||||
0.349959,1813,4632.551789
|
||||
0.217053,1267,4647.356575
|
||||
0.344908,1536,4664.606158
|
||||
0.522616,1668,4683.141483
|
||||
-0.06206,1121,4695.903475
|
||||
0.152564,1265,4709.321517
|
||||
0.494459,1489,4726.405362
|
||||
-0.351,976,4737.556562
|
||||
0.096926,1021,4748.896534
|
||||
0.598399,1068,4760.443395
|
||||
-0.050263,884,4770.325862
|
||||
0.714311,585,4776.450638
|
||||
0.091994,1305,4791.949922
|
||||
-0.042298,764,4800.522442
|
||||
0.319495,1479,4816.861089
|
||||
-0.046345,1012,4828.228336
|
||||
-0.120312,807,4837.070343
|
||||
0.569735,1277,4851.320153
|
||||
0.329495,1289,4865.848243
|
||||
0.329737,1643,4884.389238
|
||||
0.515381,1096,4897.136956
|
||||
0.108028,1144,4910.044282
|
||||
0.309153,1137,4923.015024
|
||||
0.328206,1106,4934.941314
|
||||
0.648262,740,4943.478564
|
||||
-0.127268,653,4950.787583
|
||||
0.606294,1203,4965.012823
|
||||
-0.164979,777,4973.845608
|
||||
0.360876,1580,4991.099653
|
||||
0.241936,1084,5003.083744
|
||||
0.170059,1254,5017.509923
|
||||
0.06049,1362,5033.288361
|
||||
0.493459,1390,5049.125674
|
||||
0.640773,1077,5060.824379
|
||||
0.474601,1755,5081.063961
|
||||
0.470907,1703,5099.829197
|
||||
0.202692,1212,5113.999015
|
||||
0.01255,1209,5127.053973
|
||||
0.039437,1103,5139.862991
|
||||
0.59337,1178,5153.05679
|
||||
0.36297,1458,5168.963468
|
||||
0.063959,1159,5182.045964
|
||||
0.290598,1475,5199.147475
|
||||
0.253138,1047,5211.063522
|
||||
0.027643,910,5221.29264
|
||||
0.604049,1217,5235.531852
|
||||
0.208816,1265,5250.038618
|
||||
0.265378,1468,5266.187881
|
||||
0.504735,1094,5278.755157
|
||||
-0.074913,958,5289.349256
|
||||
-0.339,537,5295.182504
|
||||
0.095302,1246,5309.50557
|
||||
0.45263,1291,5324.324619
|
||||
0.453003,1619,5343.042045
|
||||
0.280863,1598,5360.924152
|
||||
-0.352,737,5369.531033
|
||||
-0.010138,1374,5385.379901
|
||||
-0.212121,377,5389.678125
|
||||
0.183322,1237,5403.30112
|
||||
0.198564,1489,5420.34576
|
||||
0.454213,1769,5440.692161
|
||||
0.292773,1467,5456.720282
|
||||
0.269667,1631,5475.402048
|
||||
0.538361,1234,5489.713038
|
||||
0.514189,1356,5504.569935
|
||||
-0.031282,1579,5523.185163
|
||||
0.320984,1560,5540.931877
|
||||
0.339808,2022,5564.228002
|
||||
0.243589,1591,5581.93515
|
||||
0.467668,1418,5597.852278
|
||||
-0.06006,1248,5612.062626
|
||||
0.346908,1335,5626.866021
|
||||
0.584494,1073,5639.553015
|
||||
0.35694,1669,5658.66949
|
||||
0.101703,1136,5671.682127
|
||||
0.339843,1513,5688.448664
|
||||
0.337495,1539,5706.140301
|
||||
0.339876,1701,5726.466233
|
||||
0.32258,1564,5744.230237
|
||||
0.468586,1545,5761.830224
|
||||
0.483497,1597,5779.607389
|
||||
0.346876,1816,5801.193311
|
||||
0.448483,1688,5820.034971
|
||||
0.117368,1400,5836.21472
|
||||
0.122792,1358,5851.26188
|
||||
0.01065,837,5861.169245
|
||||
0.463871,1387,5877.473456
|
||||
0.367908,2231,5902.862411
|
||||
0.05432,976,5914.541129
|
||||
0.117792,1296,5929.640148
|
||||
0.600428,1014,5941.516991
|
||||
0.009058,1244,5956.11761
|
||||
0.600382,799,5964.935676
|
||||
0.210297,1086,5976.883512
|
||||
0.346621,1183,5990.954215
|
||||
-0.291704,1355,6006.073925
|
||||
0.481017,1610,6025.727232
|
||||
0.06287,1098,6037.964622
|
||||
0.099703,1496,6056.338862
|
||||
0.129057,1354,6072.723303
|
||||
0.168043,1433,6089.662483
|
||||
0.17023,1675,6109.215059
|
||||
-0.083675,1104,6121.485902
|
||||
-0.089138,1080,6134.870818
|
||||
0.08087,1402,6151.482525
|
||||
0.232783,1757,6172.217339
|
||||
0.004139,775,6181.258817
|
||||
0.520265,1241,6195.058164
|
||||
0.435865,1175,6208.617135
|
||||
0.006139,1009,6220.713161
|
||||
0.245488,1239,6236.024914
|
||||
0.335737,1284,6251.476427
|
||||
-0.065591,1034,6264.147904
|
||||
0.192297,1436,6281.899275
|
||||
0.226589,1647,6302.059002
|
||||
0.581406,1266,6317.687304
|
||||
0.588588,1298,6333.511002
|
||||
0.744941,960,6345.895518
|
||||
0.446421,1240,6360.034364
|
||||
0.333621,1475,6378.162559
|
||||
0.70266,517,6384.336938
|
||||
0.256453,1405,6401.093258
|
||||
0.597284,1384,6418.47401
|
||||
0.482468,1481,6435.590601
|
||||
0.145495,1478,6454.832299
|
||||
-0.000138,1050,6467.357221
|
||||
0.249488,1326,6483.712855
|
||||
-0.02385,1207,6497.737642
|
||||
0.267042,1879,6520.39744
|
||||
0.341808,1949,6543.209559
|
||||
-0.015298,1149,6556.906418
|
||||
0.467946,1372,6573.766623
|
||||
0.001136,1485,6590.978997
|
||||
0.093926,1439,6608.138718
|
||||
0.491282,1280,6623.394316
|
||||
0.189157,1509,6641.86684
|
||||
-0.014623,1291,6657.213011
|
||||
0.279924,1274,6672.70099
|
||||
0.212297,1096,6686.826469
|
||||
0.354908,1570,6705.408511
|
||||
0.589894,864,6715.962878
|
||||
0.32358,2204,6742.290024
|
||||
0.13523,959,6753.61221
|
||||
0.53722,1185,6769.020388
|
||||
0.126344,1240,6783.595837
|
||||
0.301098,1732,6805.609483
|
||||
0.163921,1459,6823.348138
|
||||
0.159043,1484,6841.983439
|
||||
-0.120298,776,6851.651133
|
||||
0.019881,1010,6864.082328
|
||||
0.328661,1910,6887.154526
|
||||
0.599204,1363,6902.958347
|
||||
0.329737,1724,6924.06895
|
||||
0.172921,1379,6940.936145
|
||||
0.286984,1705,6961.385517
|
||||
0.517014,1823,6983.429223
|
||||
0.366908,2350,7013.079989
|
||||
0.235589,1689,7033.491761
|
||||
0.36997,1678,7053.885855
|
||||
0.000402,1374,7070.959652
|
||||
0.648138,1053,7083.408571
|
||||
0.593668,1418,7100.511434
|
||||
0.015225,1234,7116.117562
|
||||
0.650811,1206,7130.69609
|
||||
0.579026,1162,7145.02464
|
||||
0.256167,1345,7161.902751
|
||||
0.25222,1854,7184.082782
|
||||
0.089302,1241,7199.525251
|
||||
0.485471,1606,7218.483402
|
||||
0.164701,1054,7231.936863
|
||||
-0.17635,929,7242.930369
|
||||
0.472103,1516,7261.122343
|
||||
-0.035345,994,7272.340141
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,472 @@
|
||||
#{"t_start": 1680618620.72098, "env_id": null}
|
||||
r,l,t
|
||||
0.438368,1215,20.276661
|
||||
-0.047345,839,30.590898
|
||||
0.485764,1714,50.768246
|
||||
0.598535,1177,64.435611
|
||||
0.35694,1493,82.752773
|
||||
0.299984,1016,95.295859
|
||||
0.35494,1909,118.307114
|
||||
0.347908,1512,135.718237
|
||||
0.36094,1339,152.358803
|
||||
0.098023,1474,169.627162
|
||||
0.088728,931,181.484545
|
||||
0.340808,1602,200.2182
|
||||
0.054994,1253,215.522329
|
||||
0.028737,1163,229.180121
|
||||
0.573577,1449,246.242511
|
||||
0.310667,1791,268.232236
|
||||
0.061959,1197,282.928179
|
||||
0.105538,1202,296.867978
|
||||
0.144314,1142,310.946599
|
||||
0.268876,1817,332.572729
|
||||
0.367699,1845,355.461869
|
||||
0.522774,1630,374.174127
|
||||
0.099668,1404,391.065657
|
||||
-0.212126,777,400.081338
|
||||
0.35797,1776,421.40304
|
||||
0.137792,1213,436.310558
|
||||
0.309206,1609,454.992077
|
||||
0.484711,1251,470.433748
|
||||
0.317404,1109,484.055371
|
||||
0.027737,1030,496.563744
|
||||
0.551152,1460,513.693546
|
||||
-0.123719,902,524.595618
|
||||
0.046994,776,533.899175
|
||||
0.170883,1490,552.135818
|
||||
0.305153,1232,567.172964
|
||||
-0.150268,744,575.124197
|
||||
0.261527,1758,596.245811
|
||||
0.047994,986,608.435282
|
||||
-0.037298,875,619.122978
|
||||
-0.030422,1042,631.733318
|
||||
0.200701,1771,653.468694
|
||||
0.166921,1561,672.297303
|
||||
0.305667,1337,688.166045
|
||||
0.132314,908,699.2002
|
||||
0.333661,1243,714.588161
|
||||
0.25522,1719,735.731523
|
||||
0.241488,1261,750.286129
|
||||
0.225277,2147,776.596599
|
||||
0.345661,1185,790.323135
|
||||
-0.087274,905,802.458335
|
||||
0.283863,2155,827.733394
|
||||
0.531085,1371,844.971792
|
||||
0.504597,1389,862.066504
|
||||
-0.16344,894,872.974279
|
||||
-0.227113,795,882.340795
|
||||
0.498758,1676,902.171432
|
||||
0.338538,1102,915.770547
|
||||
0.154124,1243,930.63288
|
||||
0.147921,1444,947.535463
|
||||
0.28394,1490,965.082624
|
||||
0.033136,954,976.996367
|
||||
0.495666,1622,997.502555
|
||||
0.507056,2211,1024.571488
|
||||
0.490453,1615,1043.830751
|
||||
0.195515,1323,1060.404964
|
||||
0.268876,1259,1076.053826
|
||||
0.158322,1586,1094.646172
|
||||
0.442924,1924,1117.357149
|
||||
0.495124,1468,1135.430118
|
||||
-0.335,562,1141.926031
|
||||
0.184883,1127,1155.65726
|
||||
-0.062674,1118,1168.7374
|
||||
0.116519,1340,1185.70629
|
||||
0.158124,1218,1200.087407
|
||||
0.182701,1202,1215.604593
|
||||
0.535034,1295,1231.012619
|
||||
0.007229,1175,1245.110722
|
||||
-0.346,534,1251.329462
|
||||
0.31745,1914,1274.226408
|
||||
0.092368,1376,1291.383666
|
||||
-0.16235,692,1299.454491
|
||||
-0.099133,847,1310.102959
|
||||
0.087926,1011,1322.62034
|
||||
0.602094,1255,1337.843123
|
||||
0.120792,1543,1356.28091
|
||||
0.583587,1056,1369.040789
|
||||
0.052136,1041,1381.590549
|
||||
0.107668,1269,1397.557037
|
||||
0.320748,1903,1421.360307
|
||||
0.583789,1535,1439.898825
|
||||
0.11365,1592,1458.679303
|
||||
-0.333,461,1464.69434
|
||||
-0.227288,540,1470.985627
|
||||
0.462017,1610,1490.800342
|
||||
0.291138,1534,1509.242406
|
||||
0.213564,1374,1526.188025
|
||||
0.490855,1060,1539.072311
|
||||
0.192866,1602,1558.940402
|
||||
0.51036,1443,1578.377879
|
||||
-0.091603,693,1586.849732
|
||||
0.009402,1315,1602.497469
|
||||
0.140043,1108,1615.508242
|
||||
0.302206,2093,1639.128268
|
||||
0.257,1462,1656.806925
|
||||
0.331661,1362,1671.630405
|
||||
0.550892,1344,1687.334651
|
||||
-0.017295,1044,1699.179375
|
||||
-0.216029,718,1708.365569
|
||||
-0.334,1017,1720.26455
|
||||
0.192157,1128,1732.317176
|
||||
0.439394,1530,1749.890667
|
||||
0.131807,1623,1769.165975
|
||||
0.773369,839,1779.402427
|
||||
0.228589,1756,1798.942749
|
||||
0.543622,1129,1812.060925
|
||||
0.179272,943,1822.581332
|
||||
0.080139,1337,1838.365869
|
||||
0.520178,1342,1853.009564
|
||||
0.232688,1288,1867.714679
|
||||
0.2903,1761,1887.996766
|
||||
0.75135,769,1896.87449
|
||||
-0.347,499,1902.850085
|
||||
-0.032422,881,1913.125128
|
||||
0.530624,1806,1933.904775
|
||||
0.014023,853,1944.241601
|
||||
0.332661,1688,1963.430479
|
||||
0.409527,2204,1989.011301
|
||||
0.590692,1164,2003.268742
|
||||
0.10765,1090,2018.033081
|
||||
0.401661,1904,2042.346704
|
||||
0.00155,831,2051.060227
|
||||
0.280984,1439,2067.269324
|
||||
0.037518,796,2076.950866
|
||||
0.284378,1549,2094.057189
|
||||
0.109028,1245,2107.57226
|
||||
0.301598,1095,2120.193726
|
||||
0.457911,1803,2140.568018
|
||||
0.303258,1702,2159.231945
|
||||
0.344876,1697,2178.580277
|
||||
0.474428,1727,2197.468288
|
||||
0.343,1708,2216.002644
|
||||
-0.343,546,2222.696215
|
||||
0.509204,1429,2238.466139
|
||||
0.385876,1238,2252.644814
|
||||
0.364699,1655,2271.268737
|
||||
0.051971,1180,2284.318014
|
||||
0.159701,1308,2298.632479
|
||||
0.340495,1820,2318.902822
|
||||
0.154711,1147,2331.636009
|
||||
0.172272,1266,2345.865039
|
||||
0.685404,1057,2357.341025
|
||||
0.281984,1457,2374.409061
|
||||
0.223924,1328,2388.747811
|
||||
0.295153,1753,2408.485049
|
||||
0.199297,1493,2424.424473
|
||||
0.338661,1285,2438.853667
|
||||
0.304258,1355,2454.582353
|
||||
0.600924,1365,2470.169868
|
||||
-0.053913,609,2476.209422
|
||||
-0.002598,1703,2496.094342
|
||||
0.519472,1354,2510.557767
|
||||
0.467741,1569,2528.885298
|
||||
0.297863,1547,2545.849851
|
||||
0.557368,1522,2562.838156
|
||||
0.011058,805,2571.432462
|
||||
0.580789,1535,2588.354419
|
||||
-0.17535,936,2598.587068
|
||||
0.202432,1494,2615.538138
|
||||
-0.107708,827,2624.28983
|
||||
0.176124,1189,2638.157079
|
||||
0.265876,1292,2652.558014
|
||||
0.331122,1957,2674.110381
|
||||
0.331661,2272,2699.526706
|
||||
-0.163677,745,2707.879656
|
||||
0.347876,1696,2726.480906
|
||||
0.165564,1066,2738.182795
|
||||
0.350843,1909,2759.421369
|
||||
0.137519,1208,2772.512541
|
||||
0.021402,740,2780.957161
|
||||
-0.000406,1027,2792.345414
|
||||
0.675783,1028,2803.977892
|
||||
0.343773,1629,2822.405226
|
||||
0.232297,1298,2836.725453
|
||||
-0.35,669,2844.074411
|
||||
0.265598,1597,2862.532549
|
||||
0.517572,1220,2875.721097
|
||||
0.71353,1003,2887.071178
|
||||
0.234783,1185,2900.102517
|
||||
-0.16235,859,2909.896945
|
||||
-0.036298,861,2919.743251
|
||||
0.292042,1758,2939.329334
|
||||
0.502422,1136,2952.016745
|
||||
0.475033,2058,2974.775433
|
||||
0.36397,1608,2992.320186
|
||||
0.456301,1748,3012.202981
|
||||
0.074538,1487,3028.536072
|
||||
0.532919,1559,3046.632667
|
||||
0.590164,939,3056.791563
|
||||
0.232138,1327,3071.183373
|
||||
0.123792,1472,3088.164114
|
||||
0.018881,1076,3099.799676
|
||||
0.467625,1360,3115.172757
|
||||
0.246138,1297,3129.488099
|
||||
0.062887,905,3139.519639
|
||||
0.522413,1079,3151.238605
|
||||
0.374843,1682,3171.013745
|
||||
0.346661,1129,3182.977153
|
||||
0.351699,1294,3199.000906
|
||||
0.608865,1263,3212.656294
|
||||
-0.034422,901,3223.149244
|
||||
0.141272,1536,3240.644574
|
||||
0.275863,1610,3259.51603
|
||||
0.160515,1560,3277.169625
|
||||
0.466061,1692,3296.588584
|
||||
0.122057,1232,3311.461035
|
||||
0.35194,1689,3331.776319
|
||||
0.454349,1514,3350.209249
|
||||
0.564355,1041,3362.671492
|
||||
0.321538,2055,3387.359349
|
||||
-0.116312,906,3398.311018
|
||||
0.523413,1221,3413.249414
|
||||
0.104714,1096,3425.923985
|
||||
0.227488,1544,3445.633458
|
||||
-0.007502,794,3455.01071
|
||||
0.218432,1172,3468.937257
|
||||
0.510023,1655,3488.841172
|
||||
0.260453,1257,3504.145869
|
||||
0.556706,1544,3522.897432
|
||||
0.200692,1266,3538.173021
|
||||
0.455802,1417,3554.214714
|
||||
0.499501,1756,3573.47334
|
||||
-0.285322,741,3582.107774
|
||||
0.595748,946,3593.304813
|
||||
0.346737,2427,3620.540011
|
||||
0.412869,1551,3637.785064
|
||||
0.636847,1303,3652.29489
|
||||
0.173711,1049,3663.893744
|
||||
0.143495,1156,3676.718042
|
||||
0.220167,1348,3692.170765
|
||||
0.327661,1987,3714.005399
|
||||
0.646758,941,3724.421617
|
||||
0.493038,1558,3742.808177
|
||||
0.161701,1315,3757.52628
|
||||
0.120519,1217,3770.867698
|
||||
0.357737,1817,3792.006066
|
||||
0.128792,1159,3805.120968
|
||||
0.230384,1755,3824.059319
|
||||
0.659517,1084,3836.743377
|
||||
0.342808,1882,3858.043507
|
||||
0.588379,1286,3872.575149
|
||||
0.04532,706,3879.913451
|
||||
-0.014771,1198,3892.967732
|
||||
0.699859,750,3901.644709
|
||||
0.05449,1441,3918.304858
|
||||
0.494586,1545,3935.50652
|
||||
0.264488,1186,3948.574029
|
||||
0.008862,765,3957.184949
|
||||
0.282984,1637,3975.472943
|
||||
0.346808,1881,3995.599637
|
||||
-0.305704,585,4002.390872
|
||||
0.291098,1172,4015.500226
|
||||
-0.323,593,4022.331319
|
||||
0.496401,1420,4037.969574
|
||||
0.155711,1686,4056.64725
|
||||
0.31758,1484,4073.627889
|
||||
0.622248,1254,4087.153477
|
||||
0.44533,1355,4103.145411
|
||||
0.422152,2018,4126.414501
|
||||
0.066305,1127,4139.266704
|
||||
0.467833,1502,4155.971108
|
||||
-0.167677,830,4165.862994
|
||||
0.490589,1659,4184.684233
|
||||
-0.014406,832,4193.828047
|
||||
0.170589,1172,4207.0079
|
||||
0.314495,1434,4224.095072
|
||||
0.347808,1357,4238.960591
|
||||
0.698813,837,4248.984934
|
||||
0.237965,1166,4262.227571
|
||||
0.272876,1375,4278.131423
|
||||
0.017139,1413,4294.089099
|
||||
0.132807,1357,4308.883924
|
||||
0.237876,1086,4321.470191
|
||||
0.301308,1751,4340.43566
|
||||
0.504381,1009,4351.864889
|
||||
0.329699,1833,4372.967637
|
||||
0.245053,1364,4387.502862
|
||||
0.152124,1378,4403.224391
|
||||
0.260527,1408,4419.054482
|
||||
0.485584,1278,4433.601255
|
||||
0.271138,882,4443.7256
|
||||
0.35658,1290,4458.119895
|
||||
0.480719,1511,4475.322904
|
||||
0.553357,1474,4491.24739
|
||||
0.45638,1466,4508.21729
|
||||
-0.170979,651,4515.507976
|
||||
0.336808,1662,4534.159106
|
||||
0.230488,1126,4546.846473
|
||||
0.338258,1153,4559.812454
|
||||
0.021518,1017,4571.213356
|
||||
0.339308,1919,4593.05988
|
||||
0.31345,1201,4606.287962
|
||||
0.285924,1443,4622.446844
|
||||
0.177322,1479,4639.757312
|
||||
0.321843,2193,4664.484159
|
||||
0.275378,1519,4681.443689
|
||||
0.254378,1590,4698.92355
|
||||
0.613618,1106,4711.717599
|
||||
0.496461,1505,4728.818712
|
||||
0.491336,1428,4744.49063
|
||||
0.089139,823,4753.1621
|
||||
0.512066,1541,4770.269513
|
||||
0.068057,1438,4786.33448
|
||||
-0.218034,665,4794.586008
|
||||
0.472842,1510,4810.943159
|
||||
0.110023,1252,4825.204951
|
||||
0.60618,1349,4840.832817
|
||||
0.143711,1664,4859.431377
|
||||
-0.231113,1176,4872.456592
|
||||
0.226167,1744,4892.480951
|
||||
0.309,1694,4911.224027
|
||||
0.239053,944,4921.672947
|
||||
0.287737,1284,4936.079718
|
||||
0.117792,1217,4950.324438
|
||||
0.323538,1516,4967.738504
|
||||
-0.10633,562,4973.786605
|
||||
0.261527,1872,4995.142853
|
||||
0.345843,1615,5012.927752
|
||||
0.334404,1323,5028.513247
|
||||
0.190557,1210,5041.834614
|
||||
0.612729,1188,5054.949746
|
||||
0.275667,1415,5070.977744
|
||||
0.579284,1384,5086.741742
|
||||
0.026737,1204,5100.732198
|
||||
0.108948,1545,5118.005459
|
||||
0.645285,1036,5129.437844
|
||||
-0.141121,894,5139.635998
|
||||
0.280799,1803,5159.928066
|
||||
0.700057,766,5168.472109
|
||||
0.216936,1406,5184.451507
|
||||
0.723605,686,5191.894493
|
||||
0.004855,1280,5206.341065
|
||||
0.706798,1044,5218.223797
|
||||
0.763657,674,5226.556163
|
||||
0.510905,1742,5245.708246
|
||||
0.125314,1421,5261.737666
|
||||
0.330699,1289,5276.10279
|
||||
0.457393,1555,5293.628951
|
||||
-0.009138,1069,5306.342307
|
||||
0.215816,1193,5319.674334
|
||||
0.646038,1059,5331.525176
|
||||
0.703339,958,5342.906045
|
||||
0.60898,1517,5360.448152
|
||||
0.610399,1068,5372.410142
|
||||
0.345843,1051,5384.074445
|
||||
0.710556,942,5395.380213
|
||||
0.339808,1375,5410.300748
|
||||
0.554536,1153,5423.308679
|
||||
0.710399,1068,5436.210798
|
||||
0.176396,997,5447.535115
|
||||
0.727859,1017,5458.042445
|
||||
-0.068591,654,5466.28741
|
||||
0.234783,1668,5485.204688
|
||||
0.229488,1794,5505.595555
|
||||
0.661008,1211,5518.904334
|
||||
0.630074,653,5526.26883
|
||||
0.350908,1934,5548.259028
|
||||
0.524743,1111,5561.224242
|
||||
0.636095,1400,5577.372226
|
||||
0.138807,1336,5592.059631
|
||||
0.495211,1565,5610.276464
|
||||
0.078926,1364,5625.161508
|
||||
0.35094,1744,5645.407924
|
||||
0.214692,1529,5662.928793
|
||||
0.238783,1508,5680.531355
|
||||
0.333737,1794,5701.110355
|
||||
0.316495,1605,5719.228808
|
||||
0.648652,992,5730.812575
|
||||
0.649382,871,5740.983668
|
||||
0.459442,1918,5762.896558
|
||||
0.217167,1456,5779.228391
|
||||
0.116368,916,5789.517645
|
||||
0.224816,1835,5810.932675
|
||||
0.10665,1483,5827.290935
|
||||
0.523801,1685,5846.542442
|
||||
0.197701,1698,5866.736525
|
||||
0.341843,1994,5889.344254
|
||||
-0.049531,1164,5902.705413
|
||||
0.181043,1008,5914.503131
|
||||
0.072728,1073,5926.726429
|
||||
0.199396,1334,5942.837764
|
||||
0.315308,1812,5963.469961
|
||||
0.499361,1234,5977.796097
|
||||
0.220167,1560,5995.417805
|
||||
-0.042298,865,6005.651303
|
||||
0.562146,1385,6021.349336
|
||||
0.411042,2071,6046.860092
|
||||
0.482422,1383,6062.311504
|
||||
-0.149159,665,6071.12075
|
||||
0.192297,1354,6086.681167
|
||||
0.31545,1321,6102.924686
|
||||
0.191396,1612,6121.137904
|
||||
0.462047,1236,6136.181577
|
||||
0.298153,1188,6149.90375
|
||||
0.54239,1376,6166.276056
|
||||
0.238783,1363,6181.505914
|
||||
0.641866,1250,6196.312358
|
||||
0.49922,1185,6210.877605
|
||||
0.547812,1603,6229.726599
|
||||
0.675554,807,6239.033972
|
||||
0.173921,1299,6254.728941
|
||||
0.183059,1352,6271.971792
|
||||
-0.046298,1189,6286.461039
|
||||
-0.046422,1148,6300.345589
|
||||
0.324621,1633,6320.57874
|
||||
0.064305,1161,6334.803717
|
||||
-0.046298,1265,6350.367739
|
||||
0.304984,1155,6364.184059
|
||||
0.552836,1486,6382.402914
|
||||
0.34358,1649,6402.175427
|
||||
0.031518,1426,6419.761273
|
||||
0.527707,1448,6436.792685
|
||||
0.522325,1260,6452.930313
|
||||
0.160792,1057,6465.704679
|
||||
0.18423,1321,6480.950158
|
||||
0.517156,1557,6500.372833
|
||||
-0.033295,1023,6512.400909
|
||||
0.148921,1371,6528.182647
|
||||
0.208816,1223,6543.01656
|
||||
0.219661,1583,6561.588888
|
||||
0.03032,905,6572.344295
|
||||
0.609694,1170,6586.347723
|
||||
0.175322,1469,6604.659519
|
||||
0.216277,1609,6623.245321
|
||||
0.237816,1146,6637.04598
|
||||
0.277799,1361,6653.780116
|
||||
0.543566,1614,6673.794941
|
||||
0.243053,1499,6691.653608
|
||||
0.213167,1357,6708.243165
|
||||
0.326042,1295,6723.611863
|
||||
0.151711,1317,6739.118014
|
||||
0.516108,1549,6758.120038
|
||||
0.379201,1749,6780.056337
|
||||
0.022402,992,6792.795049
|
||||
0.648528,1214,6807.28849
|
||||
0.211936,1619,6827.694409
|
||||
0.137807,1243,6843.261644
|
||||
0.505683,1561,6862.33754
|
||||
0.266384,1782,6883.896337
|
||||
0.563972,1205,6897.962988
|
||||
0.247688,1167,6911.682166
|
||||
-0.126406,1230,6926.942385
|
||||
0.073139,1229,6942.216841
|
||||
0.462078,1833,6964.294891
|
||||
0.072305,968,6975.485491
|
||||
-0.303704,1037,6989.284021
|
||||
0.189866,1471,7006.845556
|
||||
0.560254,1267,7022.318356
|
||||
0.256378,1528,7041.094508
|
||||
0.477552,1404,7058.318071
|
||||
0.318495,1434,7075.671412
|
||||
0.528897,1351,7092.347734
|
||||
-0.055531,1215,7106.720792
|
||||
0.211432,1247,7122.442802
|
||||
0.322206,2065,7147.862244
|
||||
0.651042,1150,7161.896031
|
||||
0.397997,1637,7182.175039
|
||||
0.452,2197,7208.789288
|
||||
0.304924,1508,7227.168281
|
||||
-0.022298,1393,7244.104225
|
||||
0.54089,1237,7258.113696
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,6 @@
|
||||
#{"t_start": 1680662852.9334967, "env_id": null}
|
||||
r,l,t
|
||||
-1.005,841,14.128964
|
||||
-0.227183,1382,31.444051
|
||||
-0.043787,1626,52.073473
|
||||
0.038725,1672,72.33961
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,5 @@
|
||||
#{"t_start": 1680662852.8304982, "env_id": null}
|
||||
r,l,t
|
||||
-0.028137,1480,22.021395
|
||||
-0.022018,1528,41.114172
|
||||
-0.087373,1226,57.143639
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,7 @@
|
||||
#{"t_start": 1680662852.7464976, "env_id": null}
|
||||
r,l,t
|
||||
-0.353827,968,15.882917
|
||||
0.245057,1084,29.733406
|
||||
0.184328,1484,47.724474
|
||||
-0.687377,493,54.150028
|
||||
0.044874,1560,72.811608
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,6 @@
|
||||
#{"t_start": 1680662852.8734999, "env_id": null}
|
||||
r,l,t
|
||||
-1.035,641,12.319541
|
||||
0.050398,1707,33.201489
|
||||
-0.072227,1548,52.354353
|
||||
-0.113528,1374,69.416364
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,5 @@
|
||||
#{"t_start": 1680662852.739499, "env_id": null}
|
||||
r,l,t
|
||||
0.015925,1780,25.46844
|
||||
-0.123925,1587,45.973249
|
||||
-0.186104,1316,62.104875
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,6 @@
|
||||
#{"t_start": 1680662852.750498, "env_id": null}
|
||||
r,l,t
|
||||
-0.257084,1356,20.533222
|
||||
-0.621363,1089,34.657994
|
||||
0.036373,1572,54.098028
|
||||
0.035425,1568,72.791608
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,7 @@
|
||||
#{"t_start": 1680662852.9255009, "env_id": null}
|
||||
r,l,t
|
||||
-0.177858,1114,17.348807
|
||||
-0.49899,826,28.048742
|
||||
0.123352,1573,47.443473
|
||||
-0.150925,916,58.852932
|
||||
-0.304548,1295,74.224591
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,5 @@
|
||||
#{"t_start": 1680662852.9997003, "env_id": null}
|
||||
r,l,t
|
||||
-0.048227,1080,17.138605
|
||||
0.015472,2184,44.218814
|
||||
-0.233829,1358,61.578909
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,6 @@
|
||||
#{"t_start": 1680662853.0537002, "env_id": null}
|
||||
r,l,t
|
||||
-0.549181,898,15.264543
|
||||
-1.047,446,20.178923
|
||||
0.00282,2009,45.587042
|
||||
-0.009372,2231,72.483404
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,5 @@
|
||||
#{"t_start": 1680662852.9424999, "env_id": null}
|
||||
r,l,t
|
||||
-0.253049,1646,23.653224
|
||||
-0.030412,1462,42.445939
|
||||
0.003275,1981,66.611012
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,468 @@
|
||||
#{"t_start": 1680618620.9859805, "env_id": null}
|
||||
r,l,t
|
||||
0.334661,1737,26.102417
|
||||
0.307357,1361,42.706581
|
||||
0.588673,1061,55.191012
|
||||
0.182701,1932,77.824859
|
||||
-0.210034,997,90.428038
|
||||
0.194157,1667,110.441958
|
||||
0.753839,705,118.435232
|
||||
-0.020345,1196,133.570909
|
||||
0.068484,1069,146.06254
|
||||
-0.15844,742,155.115239
|
||||
0.457333,1490,173.384399
|
||||
-0.041345,1014,184.696044
|
||||
-0.346,851,195.215206
|
||||
0.345876,1550,213.830291
|
||||
0.312357,1851,236.535189
|
||||
0.247138,1346,252.053269
|
||||
0.39255,1786,273.91169
|
||||
0.451357,1607,293.315518
|
||||
0.679291,1020,305.701823
|
||||
0.194157,1598,324.601108
|
||||
0.452352,1718,345.870156
|
||||
0.072139,1289,361.273944
|
||||
-0.014623,956,372.277471
|
||||
0.261527,1227,387.45187
|
||||
0.345737,1630,405.983433
|
||||
-0.169677,975,417.964829
|
||||
0.534632,1258,433.041203
|
||||
0.03232,662,440.741073
|
||||
0.492958,1501,459.097734
|
||||
0.649209,1216,473.272543
|
||||
0.284598,1371,490.205327
|
||||
0.36497,2013,514.66875
|
||||
0.566846,897,525.57289
|
||||
0.066421,1504,542.893856
|
||||
0.307042,1686,563.828514
|
||||
0.229432,1950,586.728153
|
||||
0.304357,1531,604.949149
|
||||
0.189157,1265,620.416648
|
||||
0.218277,1188,634.560938
|
||||
0.258378,1955,658.098675
|
||||
0.35097,2519,689.265277
|
||||
0.10765,1146,703.273265
|
||||
0.327495,1273,718.756101
|
||||
0.576846,1033,731.069382
|
||||
0.326699,1890,754.274703
|
||||
-0.126489,1410,771.403234
|
||||
0.144384,1210,785.398421
|
||||
0.224167,1287,800.990136
|
||||
0.209692,1367,817.823886
|
||||
-0.044674,969,829.171188
|
||||
0.06187,1185,844.508789
|
||||
0.201692,1285,860.144939
|
||||
0.186014,1474,877.453823
|
||||
0.688383,592,885.103231
|
||||
0.254378,1503,903.126617
|
||||
0.203816,1915,925.902415
|
||||
0.131792,1197,939.703949
|
||||
0.055971,1328,955.561954
|
||||
0.24922,2520,986.329093
|
||||
0.015855,1022,999.066106
|
||||
0.443838,1447,1016.884605
|
||||
0.206692,1620,1037.05475
|
||||
0.183866,1439,1054.272974
|
||||
0.210936,1552,1073.081071
|
||||
-0.221029,1402,1089.846232
|
||||
0.575465,918,1100.471466
|
||||
0.359,1886,1123.130198
|
||||
-0.058462,1023,1135.583347
|
||||
-0.173312,966,1147.656135
|
||||
0.304734,1535,1166.440491
|
||||
0.067421,1293,1182.196976
|
||||
0.73107,854,1191.989945
|
||||
0.442823,1402,1209.242561
|
||||
-0.017282,1119,1223.08111
|
||||
0.144711,1021,1235.502366
|
||||
0.531586,1545,1254.078344
|
||||
0.616451,880,1264.68509
|
||||
0.175883,1216,1279.892297
|
||||
0.603228,1314,1295.701062
|
||||
0.113238,1418,1312.937943
|
||||
0.34258,1622,1332.919513
|
||||
-0.06006,1045,1345.229395
|
||||
0.443563,1988,1368.920788
|
||||
0.658535,1024,1381.395548
|
||||
0.770478,894,1392.572741
|
||||
0.278598,1397,1410.316487
|
||||
0.099703,1093,1424.127204
|
||||
0.51355,1147,1437.963706
|
||||
0.592625,1360,1453.745403
|
||||
0.109948,1396,1470.741015
|
||||
0.309357,1833,1493.473477
|
||||
0.540434,1808,1514.895121
|
||||
0.268378,1461,1532.559361
|
||||
0.110668,1195,1547.179632
|
||||
-0.062138,821,1558.42889
|
||||
0.06387,1262,1574.914303
|
||||
0.181866,1686,1596.312468
|
||||
0.324098,1808,1616.773617
|
||||
0.329404,1337,1631.615403
|
||||
0.123792,1068,1644.530071
|
||||
0.511695,1686,1663.825691
|
||||
0.703955,1006,1675.411404
|
||||
-0.231288,507,1681.301735
|
||||
0.034136,1333,1696.099462
|
||||
-0.171979,883,1706.849992
|
||||
0.156124,1241,1721.583525
|
||||
0.2503,1333,1736.417507
|
||||
0.632458,993,1748.013879
|
||||
0.354908,1528,1765.872038
|
||||
0.115948,1218,1779.582423
|
||||
0.690536,889,1790.067767
|
||||
-0.091675,784,1799.741224
|
||||
0.340773,1672,1818.894393
|
||||
0.574674,1100,1830.880083
|
||||
0.31345,1641,1849.665641
|
||||
0.565159,1026,1861.366381
|
||||
0.76348,610,1868.555676
|
||||
0.310153,1296,1883.149517
|
||||
0.075538,1681,1902.537084
|
||||
0.327,1864,1924.513077
|
||||
0.166272,1491,1941.232373
|
||||
0.158921,936,1952.531569
|
||||
0.552572,1220,1966.223078
|
||||
0.57875,1552,1984.330969
|
||||
0.233688,1970,2009.419565
|
||||
0.340737,1256,2024.669176
|
||||
0.37397,1809,2047.666029
|
||||
0.084139,1205,2060.978318
|
||||
0.065959,861,2070.915956
|
||||
0.257876,1257,2084.293254
|
||||
0.306308,1298,2099.512651
|
||||
0.070959,1342,2114.247368
|
||||
0.075421,1124,2127.22783
|
||||
0.097703,1707,2145.98778
|
||||
0.514099,1445,2162.777614
|
||||
0.263699,1326,2176.981266
|
||||
0.281667,1411,2192.830459
|
||||
0.345843,1965,2214.251878
|
||||
0.34294,1961,2236.584162
|
||||
0.687611,820,2245.461018
|
||||
0.24822,1690,2264.257469
|
||||
0.332153,1435,2280.083975
|
||||
0.113023,989,2291.359929
|
||||
0.175059,1403,2307.056644
|
||||
0.070728,1182,2320.055788
|
||||
0.108948,1307,2335.41211
|
||||
0.118238,1104,2347.038453
|
||||
0.234876,1280,2361.315325
|
||||
0.27445,1365,2377.020681
|
||||
0.305404,1758,2396.797512
|
||||
0.249384,1400,2411.466612
|
||||
0.353908,1399,2426.964221
|
||||
0.231488,1476,2444.176679
|
||||
0.293598,1382,2459.857781
|
||||
0.512368,1522,2476.981618
|
||||
0.358808,1583,2494.551134
|
||||
-0.060118,1082,2506.107989
|
||||
0.156792,1002,2517.473455
|
||||
0.446875,1913,2538.785218
|
||||
0.032887,1794,2558.729449
|
||||
0.290863,1470,2575.346577
|
||||
0.48394,1665,2593.885161
|
||||
0.361,1707,2612.489102
|
||||
0.096302,888,2622.445365
|
||||
0.37994,1550,2639.655865
|
||||
0.196059,1319,2654.127732
|
||||
0.675568,1112,2666.924699
|
||||
-0.030406,732,2675.273798
|
||||
0.171883,1563,2692.313794
|
||||
0.281863,1758,2712.007546
|
||||
0.593196,1173,2724.866867
|
||||
0.510447,1450,2740.911479
|
||||
0.483464,1340,2756.112116
|
||||
0.706998,930,2766.184166
|
||||
0.074538,1210,2779.435811
|
||||
0.064421,1434,2796.02406
|
||||
0.201297,1882,2816.678083
|
||||
0.324538,1328,2831.956266
|
||||
0.218816,1086,2843.737411
|
||||
0.151711,1042,2855.252505
|
||||
0.426,1751,2875.303097
|
||||
0.075139,1174,2888.29799
|
||||
-0.14135,924,2898.370341
|
||||
-0.049422,1106,2910.941203
|
||||
0.271667,1640,2929.35223
|
||||
0.463265,1831,2949.325315
|
||||
0.163515,937,2960.414124
|
||||
0.196866,1878,2980.499016
|
||||
-0.160979,969,2991.853982
|
||||
0.208816,1137,3004.638401
|
||||
0.275734,1700,3023.592448
|
||||
0.489715,1734,3042.563248
|
||||
-0.023041,966,3053.692975
|
||||
-0.05985,1043,3065.247172
|
||||
0.452422,1383,3080.85291
|
||||
0.251783,1326,3095.254214
|
||||
0.788759,587,3102.224553
|
||||
0.300153,1329,3116.601215
|
||||
0.439962,1912,3137.90327
|
||||
0.465804,1743,3157.846389
|
||||
0.335699,1434,3173.905541
|
||||
0.281924,1761,3194.513732
|
||||
0.197297,1242,3209.145557
|
||||
0.524755,1352,3224.093567
|
||||
0.039136,963,3235.600452
|
||||
0.132792,1724,3254.842832
|
||||
0.467111,2138,3279.630478
|
||||
0.296799,1678,3298.97705
|
||||
0.626513,816,3308.203902
|
||||
0.140936,776,3317.561921
|
||||
0.06849,1442,3335.755067
|
||||
0.151495,1431,3352.894873
|
||||
0.481166,1691,3373.021898
|
||||
0.361,1253,3388.442799
|
||||
-0.305704,1196,3402.478626
|
||||
0.499108,1636,3422.18284
|
||||
0.17723,1402,3439.222935
|
||||
-0.218591,672,3447.217682
|
||||
0.183557,1061,3459.662744
|
||||
0.552504,1368,3476.443063
|
||||
0.295924,1262,3491.701989
|
||||
-0.166979,702,3499.672485
|
||||
-0.009138,1377,3516.522165
|
||||
0.306357,1755,3538.067027
|
||||
0.227816,1015,3549.710984
|
||||
0.343737,1548,3567.089223
|
||||
0.432457,1580,3584.827883
|
||||
0.494586,1545,3602.068952
|
||||
0.573757,1331,3617.528902
|
||||
-0.173979,796,3626.284485
|
||||
0.171322,1290,3640.63867
|
||||
0.60911,863,3650.592337
|
||||
-0.118489,1072,3662.290825
|
||||
-0.226113,885,3672.142954
|
||||
0.306357,1926,3693.663709
|
||||
0.241053,1452,3709.526848
|
||||
0.233277,1662,3728.399105
|
||||
0.216277,1225,3742.734427
|
||||
0.032737,1075,3754.618427
|
||||
0.641207,984,3766.058215
|
||||
0.25222,1610,3784.499963
|
||||
0.414925,2169,3809.145583
|
||||
0.074538,1290,3823.443114
|
||||
0.075538,1152,3836.397376
|
||||
0.532974,1379,3850.991847
|
||||
0.093959,985,3862.544352
|
||||
0.311924,1358,3878.091341
|
||||
0.315495,1367,3892.694732
|
||||
0.485815,1310,3908.213099
|
||||
0.106023,1194,3921.158636
|
||||
-0.108,805,3929.950405
|
||||
0.317258,1441,3946.728595
|
||||
0.734959,906,3956.78695
|
||||
0.559784,1366,3971.283738
|
||||
0.638936,1416,3986.922472
|
||||
0.48274,1471,4003.568127
|
||||
0.119344,1384,4019.25826
|
||||
-0.064307,767,4027.709418
|
||||
0.25522,1541,4044.804292
|
||||
-0.326,424,4049.325546
|
||||
0.648255,1222,4063.319678
|
||||
0.105926,1295,4077.712816
|
||||
0.633407,928,4088.090472
|
||||
0.323404,1899,4110.069494
|
||||
0.115948,862,4119.324662
|
||||
0.474759,1527,4136.505159
|
||||
0.273667,1592,4155.48559
|
||||
0.389781,1847,4175.96487
|
||||
0.188014,989,4187.602129
|
||||
0.243816,1247,4202.104736
|
||||
-0.337,535,4207.98474
|
||||
0.287098,1462,4224.218068
|
||||
-0.106133,765,4232.984983
|
||||
0.293098,1639,4251.920814
|
||||
0.243277,1269,4266.641701
|
||||
0.309153,1416,4282.525674
|
||||
-0.038422,682,4289.858781
|
||||
0.33658,1706,4309.846445
|
||||
0.451465,2092,4332.797949
|
||||
0.18023,1010,4344.302271
|
||||
-0.041531,1238,4358.47522
|
||||
0.337308,1162,4371.359694
|
||||
0.619832,1231,4384.525367
|
||||
0.527204,1414,4400.251473
|
||||
0.35394,1813,4421.438914
|
||||
-0.345,444,4426.125419
|
||||
0.729873,681,4433.591779
|
||||
0.723894,864,4443.591598
|
||||
0.548341,1581,4461.044292
|
||||
0.552751,1194,4475.083905
|
||||
0.279799,1692,4493.716176
|
||||
-0.342,530,4499.585668
|
||||
0.315404,1347,4515.172568
|
||||
0.651939,955,4525.495158
|
||||
0.62994,1256,4539.61752
|
||||
0.473509,1766,4559.64146
|
||||
-0.000771,1011,4571.013362
|
||||
0.423743,1111,4582.933487
|
||||
0.218053,1154,4596.191166
|
||||
0.125238,1128,4609.053587
|
||||
0.469047,1855,4630.589572
|
||||
0.547323,1348,4645.633086
|
||||
-0.17635,897,4655.771472
|
||||
0.091421,947,4666.972805
|
||||
0.351908,1917,4688.284292
|
||||
0.332773,1721,4707.246695
|
||||
0.179322,1302,4721.755678
|
||||
-0.036345,632,4728.83035
|
||||
0.054881,935,4738.902105
|
||||
0.450554,1623,4757.103286
|
||||
0.516439,1299,4771.515731
|
||||
0.31045,1551,4788.927194
|
||||
0.282,1143,4801.874136
|
||||
0.511037,1336,4817.638172
|
||||
0.291098,1067,4829.153629
|
||||
0.130238,1255,4843.441425
|
||||
-0.129422,840,4852.259389
|
||||
0.201297,1310,4867.812062
|
||||
0.183866,1621,4885.404429
|
||||
0.068305,1309,4900.827471
|
||||
0.153124,1561,4918.242851
|
||||
0.53607,1415,4934.240084
|
||||
0.336,1635,4952.935525
|
||||
-0.292704,714,4960.521928
|
||||
0.002229,1051,4972.294347
|
||||
0.528209,1216,4986.287386
|
||||
0.146711,1099,4998.283835
|
||||
0.621455,1202,5012.515339
|
||||
0.278863,1649,5031.219442
|
||||
0.084302,921,5041.553613
|
||||
0.202866,1362,5057.218748
|
||||
-0.059029,1067,5069.040455
|
||||
0.340808,1698,5087.912931
|
||||
0.614666,1622,5106.434333
|
||||
0.31145,1693,5125.093736
|
||||
0.25422,1276,5139.564992
|
||||
0.452108,1627,5158.169408
|
||||
0.341699,2072,5181.38297
|
||||
0.122948,1216,5194.674202
|
||||
0.308357,1257,5209.11972
|
||||
0.280984,1444,5226.317159
|
||||
0.219167,1292,5240.874894
|
||||
0.238488,1628,5258.671273
|
||||
0.168322,1458,5275.571787
|
||||
0.637189,1356,5290.461221
|
||||
0.122519,1463,5307.492958
|
||||
0.313258,1383,5323.587862
|
||||
0.520751,1194,5336.710701
|
||||
0.35797,1877,5358.626508
|
||||
0.510849,1478,5375.042626
|
||||
0.258378,1580,5392.658263
|
||||
0.368699,1883,5414.193287
|
||||
0.529107,1740,5434.540558
|
||||
-0.223113,993,5445.87773
|
||||
0.354876,1369,5460.56295
|
||||
-0.133111,946,5471.879735
|
||||
0.223714,1564,5489.372247
|
||||
0.167883,857,5499.273804
|
||||
0.257378,1861,5520.054992
|
||||
0.251053,1569,5537.849488
|
||||
0.461831,1494,5555.137341
|
||||
0.292734,1172,5568.394897
|
||||
0.432072,2019,5591.591631
|
||||
0.198564,1254,5605.758363
|
||||
0.341661,1631,5623.526856
|
||||
0.480519,2026,5646.8501
|
||||
0.341843,1609,5665.644041
|
||||
0.152495,1207,5679.124976
|
||||
0.352843,1271,5693.717349
|
||||
0.353843,1521,5711.595893
|
||||
0.411003,1619,5730.479571
|
||||
0.524152,1933,5752.513113
|
||||
0.592528,1214,5765.938687
|
||||
0.525335,1327,5781.638173
|
||||
0.34358,1553,5799.447959
|
||||
-0.35,561,5805.299976
|
||||
0.236688,1554,5822.835716
|
||||
0.363428,1840,5844.571093
|
||||
0.383189,2005,5866.923752
|
||||
0.569279,1436,5884.363823
|
||||
0.563551,1632,5902.51541
|
||||
-0.006357,1271,5917.29341
|
||||
0.141495,1406,5933.844587
|
||||
0.205564,1377,5949.960223
|
||||
0.151711,1266,5964.543678
|
||||
0.747401,614,5971.673461
|
||||
0.34158,1441,5987.785171
|
||||
0.358737,1776,6008.359622
|
||||
0.157322,1385,6025.268233
|
||||
0.651211,1149,6038.720021
|
||||
0.30894,1793,6060.149425
|
||||
0.35097,1513,6077.426339
|
||||
0.355699,1686,6098.217061
|
||||
0.728413,1079,6110.302429
|
||||
-0.291452,891,6120.819903
|
||||
0.101344,1658,6140.705336
|
||||
0.233488,1492,6158.429848
|
||||
-0.127312,720,6166.257253
|
||||
0.240488,1381,6182.505949
|
||||
0.268598,2178,6207.971137
|
||||
0.720259,919,6218.647412
|
||||
0.234688,1124,6232.60733
|
||||
0.472372,1661,6252.654449
|
||||
0.238965,1414,6270.079107
|
||||
0.507103,1476,6289.035688
|
||||
0.481071,1592,6307.814622
|
||||
-0.08713,868,6318.663745
|
||||
0.667115,770,6328.112879
|
||||
0.535962,1309,6344.08624
|
||||
0.30945,1728,6365.19325
|
||||
0.349876,1175,6379.140407
|
||||
0.169124,1522,6397.457281
|
||||
0.434,1751,6418.27396
|
||||
0.369876,1147,6432.089352
|
||||
0.207557,1369,6449.502847
|
||||
0.287984,2007,6474.31187
|
||||
0.287527,1399,6490.962324
|
||||
0.734106,1000,6502.077076
|
||||
0.047437,1246,6517.135322
|
||||
0.190014,1449,6534.062604
|
||||
0.336661,1373,6550.519028
|
||||
0.199701,1372,6567.246014
|
||||
-0.169791,681,6575.24683
|
||||
0.48225,1886,6598.363002
|
||||
0.513625,1360,6614.715274
|
||||
-0.149979,733,6622.905318
|
||||
0.560171,1261,6638.212426
|
||||
0.468357,2107,6664.116561
|
||||
-0.125111,762,6673.483943
|
||||
0.504897,1351,6689.725638
|
||||
-0.171979,789,6699.002311
|
||||
0.261527,1261,6714.162558
|
||||
0.092139,1317,6729.586485
|
||||
0.157921,1558,6749.53685
|
||||
0.513377,1689,6770.102238
|
||||
0.301042,1339,6786.304035
|
||||
0.623817,986,6798.873616
|
||||
0.311098,1058,6811.689035
|
||||
0.380843,1464,6830.360331
|
||||
0.186924,2072,6855.79975
|
||||
0.513904,1611,6874.588863
|
||||
0.405523,2567,6905.468969
|
||||
0.110368,1358,6922.185797
|
||||
-0.292704,949,6934.159276
|
||||
0.6107,1176,6948.205958
|
||||
-0.158677,841,6957.98212
|
||||
0.152124,1276,6973.549842
|
||||
0.194157,1452,6992.230088
|
||||
-0.046298,1080,7005.055441
|
||||
0.019881,1315,7020.685114
|
||||
0.634688,1213,7036.151734
|
||||
0.356876,1614,7055.241091
|
||||
-0.013942,1041,7068.851371
|
||||
0.102297,1624,7087.751817
|
||||
0.568109,1583,7107.73485
|
||||
-0.047422,733,7116.019565
|
||||
0.072728,1138,7130.313089
|
||||
0.163883,1722,7152.132237
|
||||
0.150043,996,7163.508792
|
||||
0.357699,1526,7182.224039
|
||||
0.382876,1542,7200.847432
|
||||
0.732327,808,7211.568865
|
||||
-0.335,732,7219.583929
|
||||
0.36194,1633,7239.55068
|
||||
0.570465,1347,7256.126328
|
||||
0.063994,1050,7268.478737
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,6 @@
|
||||
#{"t_start": 1680662853.1196983, "env_id": null}
|
||||
r,l,t
|
||||
-0.54999,989,15.597717
|
||||
-0.585332,1261,31.373851
|
||||
0.056911,1481,50.296234
|
||||
0.101098,1629,69.52541
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,7 @@
|
||||
#{"t_start": 1680662853.1576984, "env_id": null}
|
||||
r,l,t
|
||||
-0.51999,774,13.61839
|
||||
-0.133847,1304,29.445205
|
||||
0.279086,1162,43.968311
|
||||
0.371325,1348,60.249705
|
||||
-0.479021,1037,72.542407
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,5 @@
|
||||
#{"t_start": 1680662852.9714959, "env_id": null}
|
||||
r,l,t
|
||||
0.08835,2020,28.360771
|
||||
-0.349736,1175,42.83251
|
||||
-0.174352,1214,58.724937
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,5 @@
|
||||
#{"t_start": 1680662852.8454967, "env_id": null}
|
||||
r,l,t
|
||||
-0.286736,1433,21.799815
|
||||
-0.069048,1852,44.456018
|
||||
-0.020874,1648,65.05857
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,6 @@
|
||||
#{"t_start": 1680662852.9245012, "env_id": null}
|
||||
r,l,t
|
||||
-1.05,847,14.161959
|
||||
-0.072048,1720,36.092166
|
||||
0.008098,1319,52.259354
|
||||
-0.364897,979,64.68901
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,6 @@
|
||||
#{"t_start": 1680662852.8464973, "env_id": null}
|
||||
r,l,t
|
||||
-0.515025,911,15.534917
|
||||
-0.262049,963,26.831795
|
||||
-0.223548,1363,44.267508
|
||||
-0.076847,1643,64.836572
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,475 @@
|
||||
#{"t_start": 1680618620.7379794, "env_id": null}
|
||||
r,l,t
|
||||
0.481325,1334,21.711144
|
||||
0.050437,1223,35.630146
|
||||
0.253053,1156,50.490248
|
||||
0.221936,1299,65.667209
|
||||
0.343876,1781,87.36652
|
||||
0.598205,1179,101.393135
|
||||
-0.173979,726,109.474281
|
||||
0.242589,1503,127.845206
|
||||
0.2603,1564,146.478542
|
||||
-0.133189,967,158.505563
|
||||
0.364621,1248,173.758401
|
||||
0.315863,1410,190.60395
|
||||
0.03632,876,201.397053
|
||||
0.497023,1655,221.341551
|
||||
0.226277,1442,238.374816
|
||||
0.493079,1673,258.390096
|
||||
0.335737,1364,274.342167
|
||||
0.654251,1377,290.817571
|
||||
-0.167677,1052,303.273921
|
||||
0.119948,1812,326.147284
|
||||
0.162883,1663,346.145161
|
||||
0.286453,1266,361.445944
|
||||
-0.113719,881,371.180978
|
||||
0.296098,1871,393.921488
|
||||
0.037887,1040,406.085433
|
||||
0.210053,979,418.081074
|
||||
0.100023,1193,431.871973
|
||||
0.333538,1568,450.299101
|
||||
0.230688,1632,470.393508
|
||||
0.239783,1616,490.310326
|
||||
0.170701,1901,513.317546
|
||||
0.2583,2151,538.480998
|
||||
0.312495,1952,562.542551
|
||||
0.377109,1583,580.959906
|
||||
0.532529,1375,597.542007
|
||||
0.315258,1486,614.777946
|
||||
-0.344,1068,628.568152
|
||||
0.266965,1734,649.065772
|
||||
-0.092603,674,657.92463
|
||||
0.094926,957,669.243386
|
||||
0.168883,1613,689.306278
|
||||
0.252688,1545,708.145714
|
||||
0.443589,1195,722.192161
|
||||
0.520082,1315,737.689214
|
||||
0.220384,1863,760.772095
|
||||
0.05032,1085,773.510016
|
||||
0.35497,1459,791.481138
|
||||
0.073959,897,802.541336
|
||||
0.110322,816,812.060636
|
||||
0.237167,1329,827.764396
|
||||
-0.341,678,836.958384
|
||||
-0.076591,765,846.382959
|
||||
0.179059,1629,865.510433
|
||||
0.425397,2134,891.60958
|
||||
0.137272,2077,916.020547
|
||||
0.335737,1897,938.55773
|
||||
0.36694,1502,957.150481
|
||||
0.373808,1726,977.228368
|
||||
0.127564,2037,1002.745547
|
||||
0.137043,1526,1021.642201
|
||||
0.140384,1671,1042.209283
|
||||
0.277734,1713,1063.476667
|
||||
0.050971,1771,1085.107349
|
||||
0.172453,1367,1100.589469
|
||||
-0.083913,1036,1112.858318
|
||||
0.149272,1764,1134.181911
|
||||
0.043302,1359,1150.918224
|
||||
-0.34,563,1157.379524
|
||||
-0.012942,1360,1174.702187
|
||||
0.062484,918,1185.65629
|
||||
0.507956,2059,1210.849104
|
||||
-0.168979,1080,1223.454439
|
||||
0.277924,2179,1249.892459
|
||||
0.186714,1330,1266.381292
|
||||
0.203816,1570,1285.036909
|
||||
0.223432,1244,1300.672723
|
||||
0.321495,1092,1313.38204
|
||||
0.437924,1924,1336.611846
|
||||
-0.084274,1005,1348.836058
|
||||
0.031518,1241,1364.202341
|
||||
0.277598,1752,1385.967057
|
||||
-0.154677,750,1394.437344
|
||||
0.147711,1302,1411.767127
|
||||
0.275527,1851,1433.761521
|
||||
0.227384,1576,1452.469646
|
||||
0.204042,1266,1467.927111
|
||||
-0.150979,985,1479.957602
|
||||
0.275138,1522,1498.58382
|
||||
0.470038,1350,1513.935774
|
||||
0.17523,1401,1531.384114
|
||||
0.577115,1618,1552.095931
|
||||
0.568305,1228,1568.417053
|
||||
-0.17935,992,1580.438984
|
||||
-0.06606,589,1588.485476
|
||||
0.255378,1556,1606.948642
|
||||
0.542317,1451,1623.15351
|
||||
0.193866,1190,1637.400019
|
||||
-0.073307,1107,1649.644672
|
||||
0.581,1011,1661.386557
|
||||
0.246965,1169,1674.537291
|
||||
0.300308,1392,1690.499785
|
||||
0.275404,1212,1705.456419
|
||||
0.55275,1338,1720.614323
|
||||
-0.061591,964,1732.000175
|
||||
0.348,1243,1745.593307
|
||||
0.155495,975,1757.236258
|
||||
0.259453,1610,1776.49847
|
||||
0.605173,886,1786.892148
|
||||
0.215866,881,1796.032603
|
||||
-0.079913,1032,1808.810514
|
||||
0.242488,1251,1822.489335
|
||||
0.502912,1394,1838.49768
|
||||
0.271876,1527,1855.777876
|
||||
0.535042,1150,1868.962285
|
||||
0.588031,1174,1882.128485
|
||||
0.20723,1258,1896.797491
|
||||
0.231816,1211,1911.455953
|
||||
0.327699,1747,1930.972197
|
||||
-0.06585,1112,1944.292605
|
||||
0.264598,1675,1963.429481
|
||||
0.211053,1673,1982.976874
|
||||
0.098023,1108,1996.319746
|
||||
0.574428,1046,2009.846567
|
||||
0.105344,1366,2027.683855
|
||||
0.584176,1248,2042.689975
|
||||
0.176515,1414,2058.442605
|
||||
0.089807,1473,2075.651078
|
||||
0.617613,1353,2090.245296
|
||||
0.094703,1856,2111.580626
|
||||
0.300206,1336,2126.247634
|
||||
0.303527,987,2137.675713
|
||||
0.10565,1222,2151.711991
|
||||
0.513679,1284,2165.919737
|
||||
0.371908,2005,2187.529947
|
||||
0.116519,1355,2203.006715
|
||||
0.538398,1142,2215.688893
|
||||
0.17523,1875,2235.817537
|
||||
0.303357,1609,2254.339634
|
||||
0.501897,1647,2272.919372
|
||||
0.146495,1265,2287.179236
|
||||
0.356843,1654,2305.73809
|
||||
0.554885,1296,2320.084123
|
||||
0.224488,1219,2333.137641
|
||||
0.457146,1720,2352.866148
|
||||
0.51035,1652,2371.437462
|
||||
0.35297,1324,2385.962623
|
||||
0.594587,1056,2397.459979
|
||||
0.541688,1403,2412.955607
|
||||
0.327661,1351,2428.377801
|
||||
0.068484,1198,2441.650151
|
||||
0.227936,1241,2455.904581
|
||||
0.439508,1465,2471.874313
|
||||
0.175396,1339,2487.377935
|
||||
0.245589,1440,2503.278128
|
||||
0.292042,1279,2517.580181
|
||||
0.740879,878,2527.624072
|
||||
0.495678,1649,2545.899853
|
||||
0.603384,1184,2558.86445
|
||||
0.232488,1617,2576.961086
|
||||
0.506331,1247,2590.139107
|
||||
0.253053,1072,2602.614568
|
||||
0.468577,1449,2618.505672
|
||||
0.250965,1650,2637.00487
|
||||
0.058484,994,2648.298688
|
||||
0.487227,1548,2665.615447
|
||||
0.517735,2036,2688.165703
|
||||
0.154564,1065,2699.700219
|
||||
-0.346,794,2708.239657
|
||||
0.288,1635,2726.600907
|
||||
0.286863,1659,2745.261176
|
||||
0.551644,1367,2760.665776
|
||||
0.31958,1471,2776.637422
|
||||
-0.091603,1102,2789.281417
|
||||
0.643597,870,2799.097643
|
||||
0.1763,1524,2815.588259
|
||||
0.425331,1498,2832.421267
|
||||
0.619607,1339,2847.927626
|
||||
0.359538,1380,2862.783175
|
||||
-0.07433,677,2871.09761
|
||||
-0.14835,871,2881.022458
|
||||
-0.133189,958,2891.201415
|
||||
0.579204,1414,2906.905183
|
||||
-0.003598,1180,2919.908253
|
||||
0.123057,1127,2932.446826
|
||||
-0.12144,611,2939.409341
|
||||
0.349808,1491,2956.329743
|
||||
0.326699,1329,2970.688188
|
||||
0.337773,1890,2992.040983
|
||||
0.21123,1115,3003.818411
|
||||
0.244138,1502,3020.98418
|
||||
0.045971,980,3032.586807
|
||||
0.205564,974,3042.759247
|
||||
0.604338,1004,3054.032974
|
||||
0.276876,1120,3066.773363
|
||||
0.657726,1039,3078.252404
|
||||
0.149921,1464,3095.031213
|
||||
0.452427,1538,3112.150374
|
||||
0.472758,1676,3130.690291
|
||||
0.096703,1089,3142.389156
|
||||
0.173396,1242,3156.62891
|
||||
-0.348,686,3164.032417
|
||||
0.263527,1852,3185.341541
|
||||
0.347808,1514,3202.515204
|
||||
0.191557,1290,3218.103757
|
||||
0.176396,1164,3231.579544
|
||||
0.502699,1304,3246.218696
|
||||
-0.125489,890,3256.399969
|
||||
0.37894,1810,3277.012355
|
||||
0.655871,1116,3290.1165
|
||||
0.523847,1303,3304.981074
|
||||
0.221432,1197,3319.328391
|
||||
0.130807,1664,3339.370866
|
||||
0.52222,1185,3353.522085
|
||||
0.330737,1318,3370.10545
|
||||
0.209692,1426,3387.123352
|
||||
0.553459,1390,3404.044164
|
||||
-0.174979,895,3414.675832
|
||||
0.837972,579,3421.073664
|
||||
0.247138,1426,3438.195739
|
||||
0.163495,1109,3452.102714
|
||||
0.553133,1204,3466.146866
|
||||
0.314538,1361,3482.835323
|
||||
0.558481,1292,3498.288798
|
||||
0.466278,1131,3512.048892
|
||||
0.172396,1996,3536.671596
|
||||
-0.139189,1094,3548.724002
|
||||
0.068484,1008,3560.163451
|
||||
0.012862,904,3570.347636
|
||||
0.233564,1263,3584.946886
|
||||
0.440049,1393,3600.629439
|
||||
0.329661,2394,3627.72066
|
||||
-0.165979,785,3636.400702
|
||||
0.130564,1388,3652.125891
|
||||
0.288984,1713,3670.950768
|
||||
-0.170979,805,3679.641692
|
||||
0.192059,1472,3696.614816
|
||||
0.654929,1289,3710.936024
|
||||
0.257453,1568,3728.442485
|
||||
0.518048,1016,3740.108378
|
||||
0.05532,1135,3753.113377
|
||||
0.238688,1541,3770.609699
|
||||
0.002058,955,3780.791689
|
||||
0.330737,1803,3801.152077
|
||||
0.193157,1499,3818.213044
|
||||
0.241053,1711,3837.93168
|
||||
0.065737,1275,3851.244852
|
||||
0.206357,1543,3869.644537
|
||||
0.469926,1602,3887.032258
|
||||
0.206014,1263,3901.381484
|
||||
0.195432,1672,3919.951653
|
||||
0.657633,856,3929.867851
|
||||
0.677539,957,3940.051443
|
||||
0.279924,1685,3958.724767
|
||||
0.2533,1501,3975.645943
|
||||
0.084139,919,3985.681527
|
||||
0.619422,1136,3998.212519
|
||||
0.132948,1143,4011.164879
|
||||
0.714207,984,4022.294323
|
||||
0.187866,1285,4036.454774
|
||||
0.580156,1557,4053.78946
|
||||
0.57663,1291,4068.076017
|
||||
-0.344,924,4078.232818
|
||||
0.506859,1568,4095.743625
|
||||
0.546735,1425,4113.110638
|
||||
0.330538,1395,4128.194795
|
||||
0.157322,1878,4149.903009
|
||||
0.266667,1457,4167.160206
|
||||
0.577955,1006,4177.723867
|
||||
0.633541,781,4186.568684
|
||||
0.099023,1171,4200.809561
|
||||
0.312495,1532,4218.131488
|
||||
-0.001598,987,4228.893775
|
||||
0.147043,843,4238.814592
|
||||
0.645324,890,4249.044937
|
||||
0.607036,1070,4261.001087
|
||||
0.146921,1363,4276.825813
|
||||
0.199157,1587,4294.41832
|
||||
0.2733,1149,4307.440699
|
||||
0.25122,1193,4321.378189
|
||||
0.557712,1182,4334.30314
|
||||
0.615864,1157,4347.307492
|
||||
0.625257,1307,4361.726604
|
||||
0.481509,1766,4381.670619
|
||||
0.280667,2113,4404.796597
|
||||
0.182701,1307,4420.197723
|
||||
0.011402,900,4430.454099
|
||||
0.210432,1041,4442.15351
|
||||
0.365505,1850,4462.58822
|
||||
0.523623,987,4473.935789
|
||||
0.702059,1048,4485.39442
|
||||
0.265589,1399,4501.208782
|
||||
0.652347,1025,4512.759778
|
||||
0.43739,1572,4530.097777
|
||||
0.328661,1511,4547.098472
|
||||
0.002862,1351,4562.668928
|
||||
0.295206,1484,4578.822881
|
||||
0.136519,1000,4590.493554
|
||||
0.185866,1245,4604.759486
|
||||
0.650625,1360,4619.660255
|
||||
0.313495,1967,4642.738281
|
||||
0.329661,1419,4658.744777
|
||||
0.091302,1374,4674.258501
|
||||
-0.060674,1009,4684.747336
|
||||
-0.017113,1327,4700.164912
|
||||
-0.019623,1229,4713.487639
|
||||
0.338308,1190,4727.473452
|
||||
0.716891,677,4734.666641
|
||||
0.066737,939,4744.83863
|
||||
0.540317,1451,4761.457337
|
||||
0.293924,1061,4773.063227
|
||||
0.264598,1195,4786.274481
|
||||
0.476434,1808,4806.567435
|
||||
0.554333,909,4817.781173
|
||||
0.329538,1160,4830.6608
|
||||
0.154519,1203,4843.756424
|
||||
0.63155,967,4855.001756
|
||||
0.280378,1599,4872.507592
|
||||
0.196714,1180,4885.62343
|
||||
0.363456,1497,4902.774272
|
||||
0.666522,875,4912.715342
|
||||
0.52792,1824,4933.201784
|
||||
-0.349,1095,4945.908463
|
||||
0.60477,1324,4960.674929
|
||||
0.281527,1422,4976.681549
|
||||
0.451329,1778,4996.846713
|
||||
0.333495,1395,5012.767338
|
||||
0.261453,1728,5031.819445
|
||||
0.378876,1327,5047.456207
|
||||
0.230908,1315,5061.924583
|
||||
0.493976,1567,5079.539266
|
||||
0.444302,1758,5099.486383
|
||||
0.277453,1681,5118.270464
|
||||
0.1213,1362,5133.751803
|
||||
0.162711,1531,5151.279915
|
||||
0.355876,2087,5174.416631
|
||||
0.353808,1904,5196.104409
|
||||
0.597381,1009,5207.641267
|
||||
0.336737,1647,5226.63116
|
||||
0.182396,1094,5238.459942
|
||||
-0.036422,964,5249.90662
|
||||
0.012377,1107,5261.795659
|
||||
0.600032,1156,5274.663252
|
||||
0.285984,1598,5293.328122
|
||||
0.259378,1527,5310.682811
|
||||
0.427685,2130,5334.413499
|
||||
0.245589,1629,5353.419287
|
||||
0.304357,1845,5375.024402
|
||||
0.263965,1112,5386.957717
|
||||
0.32958,1327,5402.766127
|
||||
0.025518,1040,5414.242921
|
||||
0.314206,1464,5430.632373
|
||||
0.150043,1617,5449.152055
|
||||
0.587546,947,5459.374647
|
||||
-0.147159,736,5467.976724
|
||||
0.254699,1364,5483.810898
|
||||
0.35594,2181,5508.426215
|
||||
0.613071,1430,5524.637542
|
||||
0.746594,617,5531.840106
|
||||
0.537849,1478,5548.215028
|
||||
0.230167,1328,5564.052004
|
||||
0.239965,1242,5577.589215
|
||||
0.290042,1722,5597.485769
|
||||
0.535228,1617,5615.081618
|
||||
0.228488,1484,5632.312654
|
||||
0.571204,1097,5645.225924
|
||||
0.203692,1456,5661.460487
|
||||
0.060994,1014,5673.063394
|
||||
-0.166979,732,5681.974411
|
||||
0.601886,1276,5696.584595
|
||||
0.638719,1146,5710.008366
|
||||
0.810869,717,5717.682629
|
||||
-0.173979,905,5727.908422
|
||||
0.603945,850,5738.177996
|
||||
0.646428,988,5749.706495
|
||||
0.356699,1153,5762.806559
|
||||
0.264876,1465,5779.179418
|
||||
0.749541,781,5787.960176
|
||||
0.228589,1213,5802.353126
|
||||
0.481357,1474,5818.455773
|
||||
0.592488,825,5828.450188
|
||||
0.118792,1476,5844.979469
|
||||
0.000643,1356,5860.831246
|
||||
0.652211,1149,5874.248426
|
||||
0.226384,2040,5897.820345
|
||||
0.2713,1192,5911.432737
|
||||
0.511352,1320,5926.54543
|
||||
0.554836,1380,5942.850763
|
||||
0.079959,1082,5954.892402
|
||||
0.32158,1630,5973.60215
|
||||
-0.056307,848,5983.566898
|
||||
0.554026,1162,5996.885072
|
||||
0.542595,1480,6013.258729
|
||||
0.242053,1529,6031.920054
|
||||
0.54933,1355,6048.548228
|
||||
0.026519,1011,6060.502431
|
||||
0.586228,1314,6075.899647
|
||||
0.522428,1046,6088.254547
|
||||
0.663059,1048,6100.439883
|
||||
0.078926,1351,6116.564892
|
||||
-0.128312,1097,6129.982816
|
||||
0.614434,923,6140.787901
|
||||
0.093368,1306,6155.829161
|
||||
-0.162677,838,6166.102054
|
||||
-0.013771,814,6175.138451
|
||||
0.500547,1537,6193.130701
|
||||
-0.038298,964,6203.921608
|
||||
-0.332,593,6211.17062
|
||||
0.054484,1565,6229.876599
|
||||
0.050495,898,6240.521473
|
||||
0.162883,1032,6253.100453
|
||||
0.591623,987,6265.534578
|
||||
0.166701,1304,6281.65328
|
||||
0.039971,1340,6298.502664
|
||||
0.336661,1253,6314.061122
|
||||
0.046994,1298,6329.904117
|
||||
0.642536,1153,6344.145453
|
||||
0.016139,1166,6358.0303
|
||||
0.344876,1709,6378.055566
|
||||
0.27222,1329,6394.590099
|
||||
0.330737,1767,6415.361811
|
||||
0.496668,1418,6432.411352
|
||||
0.435288,2081,6459.245439
|
||||
0.435176,1248,6473.420567
|
||||
0.290042,1481,6491.449704
|
||||
0.256965,1319,6506.842366
|
||||
0.444869,1551,6525.196846
|
||||
0.558904,1762,6546.232519
|
||||
0.461453,1787,6567.637751
|
||||
0.490226,1515,6586.124724
|
||||
0.07487,1484,6604.477737
|
||||
-0.170979,1053,6616.683745
|
||||
0.220667,1355,6632.488224
|
||||
0.54069,1578,6652.128247
|
||||
0.486966,1127,6665.804996
|
||||
0.418483,1688,6686.598471
|
||||
0.62677,1055,6699.078312
|
||||
0.526539,1457,6716.027162
|
||||
-0.155677,799,6726.364292
|
||||
0.008862,1029,6738.710495
|
||||
0.528707,1448,6756.256815
|
||||
0.524639,1396,6773.49044
|
||||
-0.011406,1340,6789.796413
|
||||
0.323661,1758,6811.846028
|
||||
0.372773,1424,6829.331651
|
||||
-0.010345,782,6838.858748
|
||||
0.573085,1371,6856.128756
|
||||
0.341876,1408,6873.08763
|
||||
0.35858,1493,6891.414638
|
||||
0.148921,883,6902.260354
|
||||
0.174495,901,6912.784636
|
||||
-0.091312,628,6920.473823
|
||||
0.499742,1410,6937.534743
|
||||
0.446505,1850,6959.636853
|
||||
0.297153,1929,6983.097224
|
||||
0.654251,1137,6997.512223
|
||||
0.501557,1252,7012.917995
|
||||
0.325,1301,7028.562754
|
||||
0.301258,1456,7045.965038
|
||||
-0.042282,1146,7060.046389
|
||||
0.239277,1353,7077.023611
|
||||
-0.17935,801,7086.341578
|
||||
0.567802,1088,7100.044439
|
||||
0.07287,1104,7113.024878
|
||||
-0.070591,751,7122.511802
|
||||
0.355495,888,7133.662225
|
||||
0.098728,1363,7150.821078
|
||||
0.501017,1610,7169.846622
|
||||
0.704918,1110,7183.747788
|
||||
0.4108,1753,7205.358906
|
||||
0.452428,1727,7225.739067
|
||||
0.082883,1084,7239.435687
|
||||
0.655291,1020,7250.759753
|
||||
0.224816,1470,7268.758737
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,466 @@
|
||||
#{"t_start": 1680618620.7559795, "env_id": null}
|
||||
r,l,t
|
||||
0.101344,1336,21.701143
|
||||
0.288098,1670,41.560176
|
||||
0.582347,1025,53.887788
|
||||
0.199322,1204,67.573297
|
||||
0.231053,1288,83.050873
|
||||
-0.022623,1143,97.105707
|
||||
0.116519,1211,112.189789
|
||||
-0.292704,597,119.713484
|
||||
0.202564,1483,137.043998
|
||||
0.241965,1494,155.274239
|
||||
0.594748,966,166.484429
|
||||
0.500182,2137,192.253952
|
||||
0.021402,1015,204.696767
|
||||
0.004643,1122,218.383931
|
||||
-0.078913,863,227.820405
|
||||
-0.171979,708,236.938189
|
||||
0.505637,1528,255.248851
|
||||
-0.008942,1066,268.116239
|
||||
0.170883,1684,287.840542
|
||||
0.494226,1515,306.336075
|
||||
0.244876,1452,324.535916
|
||||
0.338808,2417,352.715197
|
||||
0.04849,1578,372.349474
|
||||
0.303258,1916,395.259233
|
||||
0.414051,2337,422.707302
|
||||
0.199564,1572,441.099055
|
||||
0.217053,1997,465.652141
|
||||
0.726542,962,476.622555
|
||||
0.328699,1853,499.611778
|
||||
-0.036298,1014,511.91037
|
||||
0.25522,1713,532.268687
|
||||
0.027737,841,542.771777
|
||||
0.539234,1875,564.46573
|
||||
0.326699,1264,579.571259
|
||||
-0.209113,738,588.552907
|
||||
0.302206,1579,607.135081
|
||||
0.222053,1882,630.27001
|
||||
0.135043,1284,645.851338
|
||||
0.509457,1580,664.71539
|
||||
0.275,1123,678.741903
|
||||
0.197564,1359,695.718101
|
||||
0.026737,1311,711.445623
|
||||
0.070305,1661,731.385382
|
||||
-0.057674,947,742.456552
|
||||
0.32458,1775,764.102811
|
||||
0.067421,1483,782.487555
|
||||
0.488119,1682,802.71387
|
||||
0.50692,1824,824.506702
|
||||
-0.078591,886,835.643421
|
||||
0.295206,1835,858.735941
|
||||
0.617766,1359,874.602314
|
||||
0.152124,1621,894.466439
|
||||
0.274378,1535,912.754265
|
||||
0.215167,1260,927.690207
|
||||
0.197322,1312,942.890217
|
||||
0.218816,1468,960.523606
|
||||
0.466566,1614,980.106732
|
||||
-0.002357,1514,999.218784
|
||||
0.495612,1472,1017.139607
|
||||
0.223692,1297,1032.869015
|
||||
0.369843,1557,1052.670232
|
||||
0.006229,807,1062.053402
|
||||
0.194396,975,1074.465379
|
||||
0.082302,1179,1088.297122
|
||||
0.514471,1606,1106.745165
|
||||
0.344843,1539,1125.019202
|
||||
0.252138,1036,1137.530376
|
||||
0.31545,1991,1162.074383
|
||||
0.102023,1035,1174.907189
|
||||
0.475404,1306,1190.551273
|
||||
0.068305,1182,1205.782408
|
||||
0.670598,982,1217.219015
|
||||
0.522936,1316,1232.836013
|
||||
0.35,1845,1255.676492
|
||||
-0.224288,755,1264.754092
|
||||
0.281799,1739,1285.170049
|
||||
0.414885,1439,1303.659776
|
||||
-0.031282,993,1314.962579
|
||||
-0.149111,1200,1330.095295
|
||||
0.337699,1226,1344.195955
|
||||
-0.298452,859,1354.832094
|
||||
0.518726,1595,1374.92053
|
||||
-0.15944,773,1384.33866
|
||||
0.470204,1097,1397.530542
|
||||
0.112028,1402,1415.074754
|
||||
0.102023,1216,1430.431904
|
||||
0.331661,1820,1452.137653
|
||||
0.429219,1626,1471.085014
|
||||
0.359908,1581,1490.788342
|
||||
0.099703,1239,1506.00088
|
||||
0.20823,1036,1518.28888
|
||||
0.32858,1667,1538.928311
|
||||
0.268053,946,1550.466736
|
||||
0.302357,1781,1573.613685
|
||||
-0.004138,775,1583.516972
|
||||
0.523939,1782,1605.276134
|
||||
0.174059,1480,1621.685058
|
||||
0.435401,1990,1644.877066
|
||||
0.155238,1063,1657.093928
|
||||
-0.076913,1112,1669.968638
|
||||
0.136314,1340,1684.830727
|
||||
0.666268,1091,1697.72033
|
||||
-0.210034,732,1706.882995
|
||||
-0.048422,1377,1722.121522
|
||||
0.390011,1702,1742.241631
|
||||
-0.101603,1482,1758.912215
|
||||
0.17223,1122,1772.242175
|
||||
-0.16735,1286,1787.19215
|
||||
0.17523,1129,1800.244227
|
||||
0.397201,1749,1820.690172
|
||||
0.052994,1020,1832.340652
|
||||
-0.348,989,1842.852174
|
||||
0.143711,1509,1860.147847
|
||||
0.446257,2208,1885.100432
|
||||
0.278527,1563,1903.992293
|
||||
0.583447,1450,1920.454043
|
||||
0.480661,1715,1939.977752
|
||||
0.018855,916,1950.320514
|
||||
0.571291,1300,1966.202107
|
||||
0.121792,1227,1980.102934
|
||||
0.658352,968,1991.721072
|
||||
0.121792,1361,2008.474682
|
||||
0.235876,1842,2032.848212
|
||||
0.345773,1505,2050.73991
|
||||
0.463878,1585,2068.423831
|
||||
0.324661,1862,2089.753708
|
||||
0.56686,1169,2102.613985
|
||||
0.584887,1638,2120.360726
|
||||
-0.044029,732,2128.950811
|
||||
0.384876,1445,2144.943497
|
||||
0.084305,1450,2161.731131
|
||||
0.429231,1779,2181.341581
|
||||
-0.077675,991,2191.92349
|
||||
0.481224,1729,2211.472919
|
||||
0.33358,1786,2231.255699
|
||||
0.585478,1259,2245.552022
|
||||
0.162883,1319,2260.06153
|
||||
0.152921,1616,2278.550414
|
||||
0.131564,1148,2291.286148
|
||||
-0.010337,726,2298.769477
|
||||
0.200014,1348,2314.339321
|
||||
0.323404,1409,2330.011831
|
||||
0.200866,1351,2344.571839
|
||||
-0.037295,846,2354.386574
|
||||
0.033887,958,2364.580277
|
||||
0.203816,1747,2384.601385
|
||||
0.439554,1623,2402.791712
|
||||
0.505536,1153,2415.609717
|
||||
0.639946,965,2425.808977
|
||||
0.263378,1611,2444.386671
|
||||
0.35697,2110,2467.597784
|
||||
0.593924,1365,2483.211725
|
||||
0.294153,1578,2500.66514
|
||||
0.129589,1265,2514.792779
|
||||
0.342808,1371,2530.450405
|
||||
0.459706,1495,2547.243704
|
||||
0.165883,1549,2564.340706
|
||||
0.748146,1005,2575.517581
|
||||
0.272598,1897,2595.86347
|
||||
0.61304,990,2607.1025
|
||||
0.701299,999,2618.419673
|
||||
-0.168979,708,2626.749118
|
||||
0.547525,1776,2645.750216
|
||||
0.127238,1138,2658.552658
|
||||
0.01455,1097,2671.216142
|
||||
0.394398,1907,2692.375481
|
||||
0.55779,1317,2706.771853
|
||||
0.244688,1479,2723.476498
|
||||
0.184714,1573,2740.959482
|
||||
-0.132121,734,2749.267291
|
||||
0.538103,1516,2765.265745
|
||||
0.591688,1403,2781.013391
|
||||
0.470698,1604,2799.269643
|
||||
0.619625,1360,2815.114552
|
||||
0.254357,1175,2827.960162
|
||||
0.181866,1394,2843.667412
|
||||
0.148711,1542,2860.991462
|
||||
0.279598,1853,2881.339459
|
||||
0.709453,790,2889.997918
|
||||
0.327538,1286,2904.264915
|
||||
0.213866,1148,2917.045278
|
||||
0.610535,1177,2930.745738
|
||||
0.583523,1118,2942.460586
|
||||
-0.030406,1056,2954.928973
|
||||
0.012855,1012,2965.297302
|
||||
0.521215,1483,2982.111494
|
||||
0.568735,1277,2996.481133
|
||||
0.275799,1557,3013.821219
|
||||
0.735161,822,3023.64445
|
||||
0.056959,1312,3038.188463
|
||||
0.621268,1108,3050.812332
|
||||
0.031643,914,3060.844405
|
||||
0.711775,658,3068.10182
|
||||
0.354908,1712,3086.895479
|
||||
-0.055674,691,3095.040213
|
||||
0.155783,1740,3113.868566
|
||||
0.380808,1701,3132.514032
|
||||
0.122057,1691,3152.177094
|
||||
0.329621,1756,3171.370746
|
||||
-0.039345,1536,3188.743802
|
||||
0.349908,1537,3206.863789
|
||||
0.171701,1385,3222.977244
|
||||
-0.255979,550,3229.01437
|
||||
0.25222,1235,3243.342491
|
||||
0.431394,1113,3256.400972
|
||||
-0.055674,1168,3269.631295
|
||||
0.209734,995,3281.366872
|
||||
0.592974,1379,3297.545812
|
||||
0.493336,1643,3316.21533
|
||||
0.350908,2332,3345.240472
|
||||
0.567621,1226,3359.541054
|
||||
-0.10333,793,3368.860226
|
||||
0.504336,1428,3385.87696
|
||||
0.372503,1397,3402.857622
|
||||
-0.080274,863,3413.338414
|
||||
-0.344,634,3420.976663
|
||||
0.245936,1910,3444.304152
|
||||
-0.222029,851,3454.941708
|
||||
0.276799,1524,3473.314224
|
||||
0.508367,1398,3490.180472
|
||||
0.702913,1038,3502.584128
|
||||
0.115344,886,3513.329985
|
||||
-0.016623,866,3523.175437
|
||||
0.519186,1392,3539.87995
|
||||
0.559644,1367,3555.724008
|
||||
0.327357,1695,3574.775268
|
||||
0.284924,1459,3590.943354
|
||||
0.164883,1343,3606.472889
|
||||
0.169124,1271,3620.732256
|
||||
0.547736,1297,3635.102288
|
||||
0.059959,1036,3646.758652
|
||||
0.539712,1182,3659.690002
|
||||
0.242053,1589,3677.940206
|
||||
0.293,1045,3689.477275
|
||||
0.303206,1952,3711.130021
|
||||
0.542305,1228,3725.480621
|
||||
0.082816,1350,3740.266379
|
||||
0.525706,1764,3760.557764
|
||||
-0.339,812,3769.417004
|
||||
0.160863,1336,3784.862963
|
||||
0.214816,1404,3800.87008
|
||||
0.484089,1508,3817.952863
|
||||
0.212816,1036,3829.51083
|
||||
0.492907,1684,3848.097835
|
||||
0.04232,757,3856.736087
|
||||
0.468873,1846,3877.175189
|
||||
0.463661,1904,3898.582095
|
||||
0.153495,991,3909.935878
|
||||
0.351908,1409,3925.677292
|
||||
0.504639,1396,3941.387966
|
||||
-0.174979,1216,3954.432307
|
||||
0.206936,2156,3978.541353
|
||||
-0.129489,967,3989.617544
|
||||
0.306357,1365,4004.039127
|
||||
0.286843,1085,4016.77083
|
||||
0.339808,1560,4033.779168
|
||||
0.532215,1483,4050.75332
|
||||
0.205157,1057,4062.256232
|
||||
0.348876,2064,4085.411986
|
||||
0.518597,1389,4101.571816
|
||||
0.308404,1471,4117.926887
|
||||
0.304598,1534,4135.251557
|
||||
0.36294,1991,4158.657088
|
||||
0.513228,1617,4176.285868
|
||||
0.275799,1476,4193.686048
|
||||
0.613735,1425,4209.753175
|
||||
-0.318,488,4215.387849
|
||||
0.284042,1774,4235.880855
|
||||
0.31745,1780,4256.223096
|
||||
0.536035,1343,4271.246876
|
||||
-0.014502,1124,4284.156912
|
||||
0.007855,1232,4298.442945
|
||||
0.015402,1205,4311.644536
|
||||
0.338808,1610,4329.965881
|
||||
0.331,1364,4344.65927
|
||||
-0.226288,540,4350.540172
|
||||
0.682937,823,4360.260408
|
||||
0.351495,1449,4376.167305
|
||||
0.075538,1225,4390.15775
|
||||
-0.012623,894,4400.186935
|
||||
-0.128312,678,4407.536257
|
||||
0.229688,1786,4427.843964
|
||||
0.565498,1319,4442.448023
|
||||
0.299924,1555,4460.767282
|
||||
0.353,1778,4479.886486
|
||||
0.572246,1523,4496.984212
|
||||
0.256053,1333,4512.589777
|
||||
0.519826,1543,4529.82511
|
||||
0.525038,1558,4546.995473
|
||||
-0.131677,597,4553.945785
|
||||
0.213053,1837,4574.338006
|
||||
0.342737,1377,4590.281551
|
||||
0.224014,1015,4601.802322
|
||||
0.218053,1401,4617.741273
|
||||
0.642726,1039,4629.35757
|
||||
0.326699,1785,4649.969762
|
||||
0.346876,1681,4668.759501
|
||||
0.236876,1543,4685.835168
|
||||
0.559411,1435,4701.71729
|
||||
-0.038295,1157,4714.733729
|
||||
0.282667,1504,4731.762348
|
||||
0.100238,1240,4745.774797
|
||||
0.058959,968,4755.965584
|
||||
0.594048,1016,4767.325559
|
||||
0.021881,1297,4781.761109
|
||||
-0.228288,1025,4793.331769
|
||||
-0.088708,940,4804.576564
|
||||
0.130057,1455,4820.751041
|
||||
0.48704,1575,4838.143841
|
||||
0.456971,1983,4860.792013
|
||||
0.10865,1609,4878.309065
|
||||
0.54534,1616,4896.912959
|
||||
0.159515,1182,4909.959286
|
||||
-0.143979,892,4920.126445
|
||||
0.542023,1461,4936.181
|
||||
0.133807,996,4947.600741
|
||||
0.35697,2458,4975.431337
|
||||
0.345171,1832,4996.736528
|
||||
0.158711,1136,5009.727741
|
||||
0.020518,1108,5021.687951
|
||||
0.039887,912,5031.833446
|
||||
0.174515,833,5041.783614
|
||||
0.265527,1359,5057.435749
|
||||
0.284667,1244,5070.926743
|
||||
0.294908,1524,5088.142932
|
||||
0.330699,2310,5114.055023
|
||||
-0.106719,904,5124.059486
|
||||
0.217866,1281,5138.435498
|
||||
0.201564,1475,5155.647048
|
||||
-0.076913,960,5165.915907
|
||||
0.342737,1559,5184.279507
|
||||
0.186557,1305,5198.804096
|
||||
0.196396,1001,5210.485525
|
||||
0.002402,869,5219.627495
|
||||
0.617464,1340,5235.344855
|
||||
0.548457,1580,5252.998708
|
||||
0.225277,1117,5265.86364
|
||||
0.075139,940,5276.015789
|
||||
0.24722,1232,5290.42326
|
||||
0.330495,1608,5307.998961
|
||||
0.070971,807,5317.924624
|
||||
0.001538,1488,5334.317499
|
||||
0.146432,1142,5347.37343
|
||||
0.151564,1361,5363.310552
|
||||
0.112948,904,5373.805174
|
||||
0.38994,1564,5391.179842
|
||||
0.060959,1380,5407.218138
|
||||
0.739151,944,5417.352648
|
||||
-0.044674,698,5425.854716
|
||||
0.513624,1570,5443.462951
|
||||
0.591394,1113,5456.235886
|
||||
0.348908,1997,5478.166418
|
||||
0.276734,1689,5498.008374
|
||||
0.114238,1600,5515.875891
|
||||
0.050994,946,5526.341105
|
||||
0.224167,1521,5543.925457
|
||||
0.007855,1339,5559.717654
|
||||
0.72155,967,5570.088306
|
||||
0.318495,1693,5590.152556
|
||||
0.577974,1379,5604.839877
|
||||
0.630047,1236,5619.145925
|
||||
0.531996,1469,5635.419594
|
||||
0.14923,1361,5651.407179
|
||||
-0.163979,664,5658.75169
|
||||
0.10865,936,5670.03071
|
||||
0.127564,1274,5684.842259
|
||||
0.534849,1478,5701.320359
|
||||
0.455318,1863,5723.252352
|
||||
0.117028,1056,5735.210043
|
||||
0.38197,1626,5754.010552
|
||||
0.219714,1269,5767.665929
|
||||
0.655889,1145,5780.803939
|
||||
0.625551,1305,5796.64609
|
||||
0.494668,1536,5813.893469
|
||||
0.339773,1801,5834.462299
|
||||
0.157921,1094,5846.485441
|
||||
-0.108,648,5853.817877
|
||||
0.321538,2205,5880.155851
|
||||
0.18123,1195,5893.565651
|
||||
0.312984,1430,5910.001549
|
||||
0.552189,1274,5924.918439
|
||||
0.504273,1573,5942.978764
|
||||
0.513394,1530,5960.642339
|
||||
0.151711,1690,5979.621541
|
||||
0.053737,1301,5995.220558
|
||||
0.311308,1408,6011.404044
|
||||
0.658859,1017,6023.911777
|
||||
0.598341,1273,6037.852624
|
||||
0.623147,1229,6053.17798
|
||||
0.54374,1471,6071.05075
|
||||
0.550784,1366,6086.662166
|
||||
0.625923,1576,6105.838936
|
||||
0.489721,1774,6125.765044
|
||||
0.243167,1372,6142.469951
|
||||
-0.047345,1203,6157.091837
|
||||
0.157124,1357,6172.326341
|
||||
0.335773,1401,6188.710562
|
||||
-0.046345,880,6199.241096
|
||||
0.386843,1191,6212.734009
|
||||
-0.149979,789,6222.073931
|
||||
0.533633,1725,6243.351528
|
||||
0.33045,1348,6259.25249
|
||||
0.156515,1036,6273.220727
|
||||
0.490485,1473,6291.079361
|
||||
0.138043,1894,6314.21196
|
||||
0.224488,1309,6330.077116
|
||||
0.498047,1236,6345.642523
|
||||
0.199432,1182,6359.568032
|
||||
0.517394,1530,6377.902562
|
||||
0.245965,1472,6395.022805
|
||||
0.055959,1194,6410.174639
|
||||
0.167059,1391,6427.446969
|
||||
0.089023,1753,6448.307793
|
||||
0.193014,1522,6467.163244
|
||||
-0.10233,1037,6479.363653
|
||||
-0.007771,1101,6492.93044
|
||||
0.316495,2071,6517.341322
|
||||
0.11065,1157,6531.181228
|
||||
0.141272,1269,6546.131521
|
||||
0.220863,981,6558.179942
|
||||
0.17523,1758,6578.709491
|
||||
0.116692,1384,6595.657822
|
||||
0.538275,1556,6613.890005
|
||||
0.218714,1406,6630.900028
|
||||
0.051484,1039,6644.361705
|
||||
0.605711,1251,6658.517557
|
||||
0.35597,2063,6683.748919
|
||||
0.326699,1464,6702.070714
|
||||
0.232589,1389,6718.842746
|
||||
-0.102675,1077,6731.168333
|
||||
0.2563,1244,6746.737095
|
||||
0.211564,1208,6761.188973
|
||||
0.064484,1556,6780.164337
|
||||
0.266621,1545,6799.371942
|
||||
0.565492,998,6811.949025
|
||||
0.139043,1039,6824.717365
|
||||
-0.168979,762,6834.103423
|
||||
0.020518,883,6845.137253
|
||||
0.102344,1504,6863.901331
|
||||
0.567957,1493,6882.153715
|
||||
0.63883,1122,6894.813267
|
||||
0.362224,1909,6917.901238
|
||||
0.689024,882,6928.590664
|
||||
0.242053,1573,6948.32996
|
||||
0.497589,1659,6967.623891
|
||||
0.234876,1826,6990.968825
|
||||
-0.138189,1393,7008.152118
|
||||
0.142272,1390,7024.218842
|
||||
0.143495,1419,7042.405694
|
||||
-0.115295,864,7052.304229
|
||||
0.504529,1375,7069.399621
|
||||
0.558812,1603,7089.222453
|
||||
0.145053,1254,7103.628037
|
||||
0.201692,1203,7119.142464
|
||||
0.298258,1920,7143.018729
|
||||
0.082728,883,7153.933899
|
||||
-0.088675,1173,7168.126853
|
||||
0.234053,1523,7186.759635
|
||||
0.048887,1040,7199.33025
|
||||
0.476213,1769,7220.954556
|
||||
-0.042298,1436,7238.122848
|
||||
-0.134121,799,7247.520976
|
||||
0.197564,1245,7262.585545
|
||||
0.18023,1116,7276.29621
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,466 @@
|
||||
#{"t_start": 1680618620.7879794, "env_id": null}
|
||||
r,l,t
|
||||
0.60918,1349,21.720144
|
||||
0.292924,1293,36.996639
|
||||
0.336808,1483,55.238012
|
||||
0.257453,2233,81.290633
|
||||
0.352773,1395,98.463044
|
||||
0.267138,1892,121.406368
|
||||
-0.091282,973,132.577192
|
||||
0.058994,1244,147.875785
|
||||
0.262378,1315,163.489306
|
||||
-0.026502,1056,176.886717
|
||||
0.485855,2170,202.886657
|
||||
0.35394,1838,224.619752
|
||||
-0.006771,1164,238.487876
|
||||
0.071139,1003,250.598066
|
||||
0.121344,1176,264.972714
|
||||
0.159701,1318,280.115302
|
||||
0.599612,927,291.967794
|
||||
0.359808,1709,312.380745
|
||||
0.054437,958,323.467916
|
||||
-0.24635,549,330.758472
|
||||
0.132564,885,341.50853
|
||||
-0.027282,996,352.691219
|
||||
0.187866,1473,370.92333
|
||||
0.621238,804,380.323103
|
||||
0.289799,892,390.924657
|
||||
0.164515,1251,405.973433
|
||||
0.113238,1338,421.40204
|
||||
0.214014,1348,437.863598
|
||||
0.227488,1223,452.950901
|
||||
0.323621,1722,473.335546
|
||||
0.560874,1151,487.28882
|
||||
0.244965,1354,504.117828
|
||||
0.081302,1050,516.440694
|
||||
-0.096118,1180,530.514914
|
||||
0.115238,1230,545.727369
|
||||
0.086057,1056,558.160515
|
||||
0.279799,1643,577.712334
|
||||
0.191866,1030,589.858609
|
||||
-0.022623,1510,608.157282
|
||||
0.529894,1462,625.536099
|
||||
-0.34,782,634.790941
|
||||
0.201692,1352,651.785729
|
||||
0.018518,1100,664.547392
|
||||
0.101926,1113,678.527904
|
||||
0.365808,1319,694.300588
|
||||
0.334699,1653,714.513161
|
||||
0.223277,1503,732.771561
|
||||
-0.046298,1402,749.909132
|
||||
0.071139,1619,768.909048
|
||||
0.565632,1258,784.139984
|
||||
-0.038531,1358,801.036131
|
||||
-0.057674,936,812.088636
|
||||
0.344876,1644,832.316344
|
||||
0.142272,995,844.770795
|
||||
0.020402,1290,860.427938
|
||||
0.496826,1543,879.077022
|
||||
-0.137121,966,891.23358
|
||||
0.47885,1694,911.137577
|
||||
0.214936,1688,930.79288
|
||||
-0.028298,894,941.361227
|
||||
0.382347,1547,960.279605
|
||||
0.051994,1031,972.395917
|
||||
0.192157,1592,992.562902
|
||||
-0.239923,856,1002.636549
|
||||
-0.063623,1091,1016.783605
|
||||
0.210816,1115,1029.655745
|
||||
0.351538,2072,1055.7052
|
||||
0.25022,1334,1071.578397
|
||||
0.252138,1442,1088.527209
|
||||
0.238564,1397,1105.107979
|
||||
0.107344,995,1117.247148
|
||||
0.162701,2045,1141.880139
|
||||
0.31758,1433,1158.938996
|
||||
0.231488,1052,1171.794308
|
||||
0.309357,1682,1193.239553
|
||||
0.352808,1853,1215.61359
|
||||
0.599101,1021,1227.853033
|
||||
0.204564,1515,1246.443926
|
||||
0.276598,1559,1264.82409
|
||||
0.083926,1474,1283.128211
|
||||
0.518644,1271,1297.807575
|
||||
0.654783,1028,1310.255142
|
||||
0.135238,1402,1327.33662
|
||||
-0.044406,987,1339.488276
|
||||
0.431625,1360,1356.191909
|
||||
0.149564,1261,1371.838314
|
||||
0.1803,1390,1388.019087
|
||||
0.112668,1152,1402.598521
|
||||
0.191866,1396,1419.944619
|
||||
0.08665,1804,1441.691215
|
||||
0.172396,1653,1461.715436
|
||||
-0.207029,860,1472.376281
|
||||
0.318308,1395,1489.269042
|
||||
0.137043,1330,1504.936694
|
||||
0.251589,1617,1524.795101
|
||||
0.707413,1079,1537.602479
|
||||
0.670453,625,1545.694158
|
||||
0.565192,1167,1560.636329
|
||||
0.315357,1859,1585.117702
|
||||
0.260843,1549,1603.835774
|
||||
0.216277,1563,1621.557056
|
||||
-0.001138,1328,1637.298021
|
||||
0.284799,1072,1649.405384
|
||||
0.036887,1327,1664.2265
|
||||
0.352876,1723,1684.497165
|
||||
-0.208301,843,1693.453009
|
||||
-0.104312,617,1700.713852
|
||||
0.057887,1034,1713.269874
|
||||
0.33445,1412,1729.352033
|
||||
0.20123,1509,1746.860908
|
||||
0.337661,1621,1766.029039
|
||||
0.036737,943,1776.713851
|
||||
0.545107,1132,1790.084538
|
||||
0.134314,1204,1803.343399
|
||||
0.206692,1465,1820.787173
|
||||
0.137272,1447,1837.003401
|
||||
0.333773,2095,1861.324383
|
||||
0.322538,1324,1875.97992
|
||||
0.208564,1543,1893.697502
|
||||
0.416896,1936,1916.076693
|
||||
0.388742,1410,1932.313521
|
||||
0.009058,762,1941.339759
|
||||
0.366876,1767,1961.856467
|
||||
0.569572,1220,1975.58348
|
||||
0.30845,1564,1994.683191
|
||||
0.342808,1492,2013.2879
|
||||
0.173883,1064,2027.653854
|
||||
0.649268,1108,2041.133963
|
||||
0.014225,744,2049.582705
|
||||
0.338843,2231,2074.464272
|
||||
0.071139,1282,2089.721709
|
||||
0.460637,1464,2105.791523
|
||||
-0.130189,847,2115.634856
|
||||
0.370815,1310,2130.229537
|
||||
0.613798,1244,2144.451103
|
||||
0.162057,976,2154.855289
|
||||
0.364219,1635,2172.974951
|
||||
0.343,1376,2188.591237
|
||||
-0.17235,1074,2200.120181
|
||||
0.35045,1878,2221.217261
|
||||
0.35497,1642,2239.619186
|
||||
-0.351,555,2245.61202
|
||||
-0.173979,706,2253.017323
|
||||
0.130807,1428,2269.861394
|
||||
0.195866,1404,2285.518025
|
||||
0.77907,854,2294.35117
|
||||
0.245053,1939,2316.042493
|
||||
0.151519,1028,2327.435426
|
||||
0.446966,1509,2344.432824
|
||||
0.405931,2339,2370.271909
|
||||
0.581871,1387,2386.012623
|
||||
0.218936,1513,2402.899785
|
||||
0.485878,1585,2420.170991
|
||||
0.116344,1083,2432.632069
|
||||
0.537189,1274,2447.149766
|
||||
0.329258,1860,2467.572783
|
||||
0.063421,1064,2480.058042
|
||||
0.337737,2025,2502.987711
|
||||
0.328538,1900,2523.532491
|
||||
0.33358,1728,2543.046697
|
||||
0.684874,1049,2554.603809
|
||||
0.301153,1137,2567.214678
|
||||
0.251384,1247,2581.166799
|
||||
0.593796,1270,2595.454355
|
||||
-0.223029,1278,2609.654846
|
||||
0.166059,1317,2624.040829
|
||||
0.213167,1221,2637.17087
|
||||
0.055881,1481,2654.128733
|
||||
0.479976,1477,2671.023144
|
||||
-0.120312,793,2679.680524
|
||||
0.051484,1148,2692.328483
|
||||
0.680154,969,2702.631724
|
||||
0.114948,1168,2715.33839
|
||||
0.265488,1613,2733.790234
|
||||
0.479541,1894,2754.985479
|
||||
-0.142111,700,2762.25842
|
||||
-0.122489,941,2773.52651
|
||||
0.489815,1804,2793.473111
|
||||
-0.030422,897,2803.639895
|
||||
0.154322,1421,2819.546852
|
||||
0.223277,1288,2833.715292
|
||||
0.311495,1580,2850.973192
|
||||
0.604439,1299,2865.597697
|
||||
0.641466,803,2875.297095
|
||||
0.509735,1425,2891.05813
|
||||
0.17523,1104,2902.794339
|
||||
0.292098,1742,2922.536658
|
||||
0.192714,1329,2936.718546
|
||||
-0.351,1017,2948.137724
|
||||
0.510823,1402,2963.8111
|
||||
0.011058,883,2973.650248
|
||||
0.299042,1326,2989.053032
|
||||
0.471243,1810,3009.254145
|
||||
0.343843,1937,3031.128053
|
||||
0.115023,1193,3044.057451
|
||||
0.424787,1648,3062.438121
|
||||
0.134043,1207,3075.467058
|
||||
0.290863,1276,3089.785546
|
||||
0.36897,1451,3106.634569
|
||||
0.569832,1231,3119.597814
|
||||
0.272699,1206,3133.660542
|
||||
0.507774,1630,3152.088828
|
||||
0.39566,2232,3176.84086
|
||||
0.013402,829,3185.703401
|
||||
0.409545,1828,3207.997349
|
||||
0.202432,1370,3223.077244
|
||||
0.04449,1131,3236.151453
|
||||
0.166701,1645,3255.07423
|
||||
0.18423,1331,3270.745683
|
||||
0.229688,1558,3288.716289
|
||||
0.570335,1327,3303.65145
|
||||
0.17523,921,3314.584637
|
||||
0.25222,1712,3335.992068
|
||||
0.47241,1737,3356.461054
|
||||
0.346,1464,3374.633143
|
||||
0.056737,1093,3387.245355
|
||||
0.071484,1278,3402.711625
|
||||
0.192157,1075,3416.06303
|
||||
-0.016771,760,3425.325764
|
||||
0.44947,2014,3449.069476
|
||||
0.126948,1116,3462.778057
|
||||
0.652918,1110,3476.413063
|
||||
0.401637,1464,3493.52979
|
||||
0.592497,1597,3513.313215
|
||||
-0.166979,874,3523.188432
|
||||
0.102703,1307,3539.545946
|
||||
0.435107,1740,3558.786594
|
||||
0.287527,1550,3576.289798
|
||||
0.557071,1430,3592.288815
|
||||
0.145057,1418,3609.116058
|
||||
0.26722,1186,3622.135053
|
||||
0.136519,1566,3639.314675
|
||||
0.118519,948,3649.71013
|
||||
-0.004138,992,3661.077194
|
||||
0.450721,2216,3686.411819
|
||||
0.38497,1402,3701.158361
|
||||
0.412923,1576,3719.652578
|
||||
0.151921,1294,3734.217308
|
||||
0.05432,1491,3751.412854
|
||||
0.046887,1413,3767.434322
|
||||
0.637783,1028,3778.927573
|
||||
0.365808,1237,3792.29829
|
||||
0.373006,1741,3812.364957
|
||||
0.181799,1263,3826.551014
|
||||
0.145711,1076,3838.218731
|
||||
0.168057,910,3848.228988
|
||||
0.010862,974,3859.78963
|
||||
-0.085274,696,3867.11078
|
||||
-0.088118,855,3877.017188
|
||||
0.168059,1392,3892.627733
|
||||
0.026518,1203,3905.830735
|
||||
0.667112,891,3915.802368
|
||||
0.144807,1352,3931.296405
|
||||
0.225816,1376,3946.916596
|
||||
0.097668,1177,3959.839843
|
||||
0.682875,1082,3971.41248
|
||||
0.330699,1728,3990.967718
|
||||
0.037518,1109,4002.540813
|
||||
0.521696,1083,4015.290227
|
||||
0.701395,723,4022.62191
|
||||
0.128238,1325,4037.894569
|
||||
0.253965,1443,4053.83146
|
||||
0.521254,1267,4068.026017
|
||||
0.354737,1479,4085.148987
|
||||
0.310153,1321,4100.015927
|
||||
0.213936,1171,4113.28766
|
||||
-0.079913,967,4124.813579
|
||||
0.302357,1527,4141.138383
|
||||
0.345773,1705,4161.490236
|
||||
0.558463,1227,4174.816484
|
||||
0.03532,1251,4189.297156
|
||||
0.594189,1274,4203.949519
|
||||
0.213692,1702,4222.979431
|
||||
0.308404,1691,4242.981111
|
||||
0.328661,1954,4265.240294
|
||||
0.206816,1604,4282.863674
|
||||
0.527607,1346,4298.591939
|
||||
0.167701,1289,4312.978684
|
||||
0.119519,1402,4328.676042
|
||||
0.186396,1648,4347.257492
|
||||
0.060959,922,4357.381076
|
||||
0.120238,1355,4372.927638
|
||||
0.231783,1671,4391.439956
|
||||
0.584946,1372,4406.151057
|
||||
0.416553,2507,4434.988467
|
||||
0.458779,1225,4449.254522
|
||||
0.02755,1140,4461.234284
|
||||
0.307206,1989,4483.953726
|
||||
0.339843,1680,4502.628476
|
||||
0.377036,1781,4522.803198
|
||||
0.7737,541,4528.607367
|
||||
0.317495,1687,4547.220473
|
||||
0.555054,1081,4559.90846
|
||||
0.348908,1426,4575.852412
|
||||
0.243053,1536,4593.246881
|
||||
0.104926,1307,4607.879401
|
||||
0.35594,1498,4625.134707
|
||||
0.310258,950,4635.452195
|
||||
0.323661,1510,4653.07078
|
||||
0.31545,1383,4668.817903
|
||||
0.00755,1177,4681.596848
|
||||
0.342773,1433,4697.424759
|
||||
0.231688,1414,4713.414641
|
||||
0.2513,1870,4734.604649
|
||||
0.435551,1632,4752.906099
|
||||
0.267488,1301,4767.25056
|
||||
-0.16244,871,4777.258164
|
||||
0.274863,1692,4796.091667
|
||||
0.298773,1444,4812.264949
|
||||
0.49775,1552,4829.489635
|
||||
0.043437,1217,4843.63142
|
||||
0.115139,979,4854.915756
|
||||
0.2623,1540,4872.18259
|
||||
0.484916,1323,4886.853578
|
||||
0.704288,853,4896.701957
|
||||
0.302357,1765,4915.692607
|
||||
0.285042,1362,4931.65403
|
||||
0.597398,1142,4944.591759
|
||||
0.577003,1619,4963.317716
|
||||
0.327206,1383,4978.172239
|
||||
-0.007357,1008,4989.527383
|
||||
0.712956,733,4998.22333
|
||||
0.491094,1566,5015.813414
|
||||
0.073959,1221,5029.99795
|
||||
-0.043298,990,5040.51923
|
||||
0.519018,1262,5054.916749
|
||||
0.029136,1350,5070.699744
|
||||
0.354908,1503,5087.819931
|
||||
0.110014,1450,5103.83616
|
||||
0.663513,816,5112.586316
|
||||
0.421498,2065,5135.486111
|
||||
0.129921,1255,5150.049665
|
||||
0.591061,1322,5165.4879
|
||||
0.54739,1376,5180.347906
|
||||
0.359876,1547,5197.733383
|
||||
0.668562,972,5209.183719
|
||||
0.026139,1188,5222.587141
|
||||
0.464579,2038,5245.691247
|
||||
0.499618,1106,5258.615978
|
||||
0.35294,1794,5278.642157
|
||||
0.47744,1633,5297.458794
|
||||
0.33245,1287,5311.97026
|
||||
0.304206,1927,5334.011131
|
||||
0.160515,1199,5347.278428
|
||||
0.531698,1381,5363.29355
|
||||
0.383843,1259,5377.972137
|
||||
0.54988,1526,5395.32322
|
||||
0.543759,1527,5412.657652
|
||||
0.464272,1690,5431.867793
|
||||
0.326206,1259,5446.128734
|
||||
0.230688,1576,5463.489529
|
||||
0.305924,1147,5476.549252
|
||||
0.489705,1152,5489.600249
|
||||
0.260527,1848,5510.161999
|
||||
0.492282,1280,5524.81054
|
||||
0.275598,1341,5540.701882
|
||||
-0.218029,736,5549.218143
|
||||
-0.038422,1033,5560.978242
|
||||
0.181714,1971,5583.155735
|
||||
0.308258,1649,5601.791377
|
||||
0.491459,1390,5617.546404
|
||||
0.274598,1428,5633.683088
|
||||
0.222488,1195,5647.031106
|
||||
0.69464,722,5655.627324
|
||||
0.267138,1563,5673.128394
|
||||
0.366843,1580,5691.15205
|
||||
0.332773,1717,5711.675894
|
||||
0.207866,1124,5724.747663
|
||||
0.313206,1613,5742.691233
|
||||
0.615963,1485,5760.054595
|
||||
0.322621,1184,5773.259474
|
||||
0.17323,1337,5789.099409
|
||||
0.632859,750,5797.017091
|
||||
0.146711,2069,5821.102338
|
||||
0.107948,1283,5835.851723
|
||||
0.362908,1926,5857.865725
|
||||
0.545325,1334,5872.9744
|
||||
0.268378,1218,5887.50783
|
||||
0.332737,1564,5905.42521
|
||||
0.137807,1690,5924.890439
|
||||
0.512472,1354,5941.115992
|
||||
0.598398,1142,5954.338174
|
||||
0.257378,1227,5967.700222
|
||||
0.312495,1548,5985.189434
|
||||
0.342,1542,6002.885984
|
||||
0.540639,1396,6019.247468
|
||||
0.073305,1307,6034.819223
|
||||
-0.110312,952,6046.869089
|
||||
-0.138159,585,6053.264979
|
||||
0.663033,1032,6065.247508
|
||||
0.143711,1290,6080.726256
|
||||
0.625234,989,6092.619577
|
||||
0.315495,1841,6114.746153
|
||||
0.016139,814,6124.013357
|
||||
0.198688,1055,6136.324579
|
||||
0.515556,1641,6155.78416
|
||||
0.556406,1266,6170.653786
|
||||
0.206936,1664,6190.068152
|
||||
0.254053,1798,6211.057608
|
||||
0.054518,1444,6228.173722
|
||||
0.2503,1423,6245.112403
|
||||
0.335661,1393,6262.310744
|
||||
0.232384,1396,6279.929045
|
||||
-0.344,799,6289.653043
|
||||
0.208936,1165,6303.430675
|
||||
0.235167,1719,6325.181443
|
||||
0.151564,1340,6341.221251
|
||||
0.320308,1564,6360.812594
|
||||
0.059519,721,6368.935634
|
||||
0.35197,2010,6393.172035
|
||||
0.134564,1187,6407.234667
|
||||
0.314495,1550,6426.293956
|
||||
0.419905,2155,6453.038778
|
||||
0.477265,1241,6468.588798
|
||||
0.185322,1344,6483.933109
|
||||
0.665446,1090,6497.459645
|
||||
-0.077913,1345,6512.762429
|
||||
0.306153,1798,6534.252605
|
||||
0.110344,960,6546.04652
|
||||
0.540577,1239,6561.212889
|
||||
0.135057,1055,6573.7034
|
||||
0.123519,1208,6587.790422
|
||||
0.018518,1228,6603.119998
|
||||
0.543089,1508,6621.216071
|
||||
0.569762,860,6630.868028
|
||||
0.015855,1205,6645.96267
|
||||
0.676381,978,6657.057016
|
||||
0.626548,1183,6672.171992
|
||||
-0.025138,811,6681.959136
|
||||
0.353908,1718,6702.365711
|
||||
0.581679,1284,6717.620556
|
||||
0.615589,1195,6732.487979
|
||||
0.190014,1462,6750.07885
|
||||
0.316258,1507,6768.896655
|
||||
0.11365,1165,6783.167841
|
||||
-0.096312,1159,6797.608157
|
||||
0.255589,1534,6816.560681
|
||||
0.035518,1315,6832.539666
|
||||
0.482585,1605,6852.949658
|
||||
0.712748,946,6864.04333
|
||||
0.2543,1546,6882.56054
|
||||
0.530204,1429,6900.705792
|
||||
-0.017771,1238,6914.640441
|
||||
0.231688,1837,6937.55459
|
||||
0.127564,1022,6949.95962
|
||||
0.296924,1581,6968.855687
|
||||
0.31758,1351,6985.930681
|
||||
0.023518,992,6997.634221
|
||||
0.637712,1264,7013.099992
|
||||
0.078959,1043,7025.613319
|
||||
0.291042,1654,7045.891037
|
||||
0.245783,1311,7061.730133
|
||||
0.315098,1323,7078.501569
|
||||
0.164883,1273,7093.849227
|
||||
0.501007,1802,7115.965568
|
||||
0.555924,1365,7132.298456
|
||||
0.638953,1076,7146.176795
|
||||
0.597446,1090,7158.923405
|
||||
0.470589,1687,7180.43847
|
||||
0.277924,1115,7193.22033
|
||||
0.336737,1894,7216.540977
|
||||
0.339808,1781,7238.131847
|
||||
0.272667,1276,7253.478762
|
||||
0.117344,1207,7267.333389
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,480 @@
|
||||
#{"t_start": 1680618620.6389818, "env_id": null}
|
||||
r,l,t
|
||||
0.195432,1337,21.822141
|
||||
0.194557,1416,38.615349
|
||||
0.34858,1431,55.635145
|
||||
0.292598,1213,70.234045
|
||||
0.090272,1188,84.462968
|
||||
0.438706,1544,103.131364
|
||||
-0.345,463,109.14206
|
||||
0.590183,1294,124.597372
|
||||
0.007862,1252,139.904093
|
||||
-0.151677,802,149.350352
|
||||
0.02932,1163,163.315307
|
||||
0.131807,1325,178.807105
|
||||
0.063971,1231,193.808281
|
||||
0.31858,1960,217.192252
|
||||
0.300308,1567,235.728514
|
||||
0.511589,1687,256.764589
|
||||
0.00755,1243,271.279621
|
||||
0.510694,1170,284.876271
|
||||
0.654485,843,295.340607
|
||||
0.261527,1056,308.039696
|
||||
0.252053,1623,327.942912
|
||||
0.042887,1506,346.292157
|
||||
0.407855,2214,372.56547
|
||||
-0.124489,638,380.310868
|
||||
0.176495,1179,394.111484
|
||||
0.35197,1650,413.631097
|
||||
-0.119719,762,422.832312
|
||||
0.257453,2181,448.682318
|
||||
-0.138268,639,456.530237
|
||||
0.679726,1039,468.998705
|
||||
0.557446,1090,482.536097
|
||||
0.154057,1199,496.745739
|
||||
0.260783,1145,510.577966
|
||||
0.05865,1339,526.310536
|
||||
0.198396,929,538.245995
|
||||
0.455311,1768,559.630135
|
||||
0.316206,1501,576.641821
|
||||
0.028139,1267,591.744363
|
||||
0.34994,2407,620.895647
|
||||
0.33758,1398,637.951797
|
||||
0.083807,1454,655.368968
|
||||
0.280598,1778,677.178714
|
||||
0.491589,1659,697.538268
|
||||
0.602577,1239,712.911505
|
||||
0.37394,1405,729.793715
|
||||
0.318042,1604,748.691148
|
||||
0.287863,1572,768.581627
|
||||
0.190396,1968,791.713138
|
||||
0.422632,2311,819.806078
|
||||
0.297153,1669,840.395598
|
||||
0.122028,1523,859.05117
|
||||
0.090344,1008,871.462801
|
||||
-0.154677,820,880.914259
|
||||
0.173883,1658,900.715163
|
||||
-0.020502,1055,913.152268
|
||||
0.037136,816,923.355729
|
||||
0.197564,1314,938.594727
|
||||
0.426758,1676,958.949214
|
||||
0.018518,1143,972.548913
|
||||
0.442311,1908,996.178843
|
||||
0.309863,1289,1012.311131
|
||||
0.037437,1299,1028.014618
|
||||
0.234688,1608,1048.185863
|
||||
0.543168,974,1059.258489
|
||||
0.581697,1117,1073.312068
|
||||
0.24922,1448,1090.261616
|
||||
0.024881,1141,1103.812689
|
||||
0.281924,1688,1124.677969
|
||||
0.539804,1743,1145.171866
|
||||
0.507679,1284,1160.643185
|
||||
-0.339,891,1171.805309
|
||||
0.349808,1470,1190.296888
|
||||
0.590974,1379,1206.384404
|
||||
0.149711,1486,1224.918405
|
||||
0.666654,628,1232.668011
|
||||
-0.16735,722,1241.668998
|
||||
0.150124,2085,1266.48829
|
||||
0.246053,1437,1283.582271
|
||||
0.495368,1154,1297.766367
|
||||
0.32294,1368,1314.733577
|
||||
0.156515,1100,1327.448619
|
||||
0.17423,1124,1341.158784
|
||||
0.064994,1077,1354.680093
|
||||
0.064926,1185,1368.99779
|
||||
0.155124,1228,1383.332283
|
||||
0.217277,1491,1402.528744
|
||||
0.135043,1526,1421.446304
|
||||
0.084926,1438,1438.571096
|
||||
0.127057,1530,1457.10311
|
||||
0.490257,1307,1472.652276
|
||||
0.127314,896,1483.434713
|
||||
0.290042,1643,1503.428974
|
||||
0.366737,1491,1521.724303
|
||||
0.504402,1190,1536.034615
|
||||
0.535907,1358,1553.695184
|
||||
-0.101406,886,1565.231418
|
||||
0.272783,1555,1585.184696
|
||||
0.06087,1351,1601.113718
|
||||
0.281734,1677,1620.280024
|
||||
0.021881,1073,1633.116528
|
||||
-0.143677,768,1641.877379
|
||||
0.068421,718,1649.793668
|
||||
0.073238,1595,1668.551117
|
||||
0.35,1537,1686.088944
|
||||
0.033136,1080,1698.021322
|
||||
-0.168791,1271,1713.397873
|
||||
0.829591,632,1720.72832
|
||||
0.194396,1267,1735.220188
|
||||
0.146807,1327,1751.016563
|
||||
0.683779,742,1759.005211
|
||||
0.018862,809,1769.057972
|
||||
0.156711,1325,1784.12606
|
||||
-0.337,908,1794.532757
|
||||
0.60356,1382,1810.588138
|
||||
0.289042,1656,1829.688146
|
||||
0.328661,1582,1847.218913
|
||||
-0.056531,1077,1859.958846
|
||||
-0.17735,964,1870.442014
|
||||
0.345538,1238,1884.935205
|
||||
0.53075,1338,1899.993541
|
||||
0.586508,1465,1917.548639
|
||||
0.455764,1714,1936.995341
|
||||
0.522679,1284,1951.765287
|
||||
0.224277,1186,1965.217707
|
||||
0.596953,1243,1980.14893
|
||||
0.38894,2097,2005.207499
|
||||
0.277598,1356,2023.187581
|
||||
0.218053,1576,2042.825973
|
||||
0.218557,1262,2057.084301
|
||||
0.128057,800,2066.003567
|
||||
0.28622,1354,2081.6218
|
||||
0.316404,1682,2100.157644
|
||||
0.269598,1704,2120.013724
|
||||
0.504759,1527,2136.450257
|
||||
0.35597,1705,2156.206059
|
||||
-0.037298,865,2165.937735
|
||||
0.422781,1847,2185.918657
|
||||
-0.013942,991,2197.311281
|
||||
0.263598,1743,2216.011131
|
||||
0.498401,1670,2234.480028
|
||||
0.35297,2167,2258.891273
|
||||
0.218277,1633,2277.392456
|
||||
0.284453,1256,2291.573694
|
||||
0.549877,1409,2307.303646
|
||||
0.311495,1851,2327.562424
|
||||
0.342737,1719,2347.197448
|
||||
0.224014,1105,2358.94604
|
||||
0.260783,981,2370.218886
|
||||
0.35694,1576,2387.612365
|
||||
0.456179,2495,2415.757714
|
||||
0.180272,721,2423.11466
|
||||
0.003862,1021,2434.465003
|
||||
0.208692,1186,2448.696083
|
||||
0.63401,805,2457.443821
|
||||
0.344737,1601,2475.833424
|
||||
0.516275,1556,2493.207377
|
||||
0.093668,1375,2507.849886
|
||||
-0.035422,859,2517.742336
|
||||
0.083926,1004,2529.185305
|
||||
0.153322,1205,2542.057483
|
||||
0.337808,2021,2564.668873
|
||||
-0.017623,1141,2577.293084
|
||||
0.124238,1490,2594.23216
|
||||
0.34794,1742,2612.962101
|
||||
-0.111406,595,2619.97054
|
||||
-0.129489,1136,2632.775574
|
||||
0.545077,1192,2645.768211
|
||||
0.342876,2063,2668.74448
|
||||
0.151921,1403,2684.316406
|
||||
0.494321,1341,2699.639706
|
||||
-0.230489,444,2704.105895
|
||||
0.2513,1589,2722.229369
|
||||
0.738418,812,2731.001302
|
||||
0.357876,1769,2750.904826
|
||||
0.2753,1308,2765.177742
|
||||
0.155314,1159,2778.150263
|
||||
0.303734,1550,2795.187546
|
||||
0.653398,1142,2808.3372
|
||||
0.583455,1202,2821.352307
|
||||
0.052994,1111,2833.988288
|
||||
-0.17035,947,2845.139641
|
||||
0.258688,1078,2856.811013
|
||||
-0.16344,803,2865.682695
|
||||
0.274799,2081,2889.700687
|
||||
0.070557,1646,2907.150178
|
||||
-0.003623,1244,2921.3265
|
||||
0.140272,1293,2935.380054
|
||||
0.631954,1054,2946.86949
|
||||
0.125519,1079,2959.523846
|
||||
0.471465,1347,2973.875245
|
||||
-0.128121,852,2983.694372
|
||||
0.047994,1231,2997.874532
|
||||
-0.225288,889,3007.817826
|
||||
0.35294,1511,3024.201446
|
||||
0.311495,1681,3043.878248
|
||||
0.035225,917,3053.880973
|
||||
-0.048422,1127,3066.64536
|
||||
0.567492,1272,3080.041719
|
||||
-0.136979,734,3088.410109
|
||||
0.141238,1699,3107.091561
|
||||
0.30797,1378,3122.577623
|
||||
0.152519,1177,3135.491353
|
||||
0.316,1664,3154.174365
|
||||
0.152272,1250,3168.430245
|
||||
0.207564,1187,3181.572514
|
||||
0.100297,994,3193.530821
|
||||
0.004855,793,3202.571204
|
||||
0.442913,1038,3215.20068
|
||||
0.484595,1512,3232.014544
|
||||
0.472227,1548,3249.494347
|
||||
0.345908,1702,3269.634296
|
||||
0.575957,1493,3286.269001
|
||||
0.509765,1463,3303.680444
|
||||
0.535329,1634,3323.76806
|
||||
0.085302,1091,3336.381063
|
||||
0.289098,1200,3350.514249
|
||||
0.367843,1734,3371.898689
|
||||
0.589678,1613,3391.878087
|
||||
0.538228,1617,3410.489055
|
||||
0.545168,1210,3425.59476
|
||||
0.191396,1229,3439.816239
|
||||
0.01355,1062,3453.511395
|
||||
-0.149979,742,3461.579421
|
||||
0.325621,1527,3479.983171
|
||||
-0.062913,533,3487.231443
|
||||
0.167495,1289,3502.684125
|
||||
-0.327,670,3510.522567
|
||||
-0.341,837,3520.189183
|
||||
0.203564,1572,3539.722949
|
||||
0.283667,1435,3555.837006
|
||||
0.716782,806,3564.733099
|
||||
0.661125,910,3574.968265
|
||||
0.141272,1224,3589.181298
|
||||
0.466601,1755,3609.252055
|
||||
0.197297,1425,3625.049272
|
||||
0.339404,1009,3636.414695
|
||||
-0.067591,1117,3648.325862
|
||||
0.155272,1248,3662.560683
|
||||
-0.153677,507,3668.228614
|
||||
-0.226113,607,3675.175174
|
||||
0.232688,1518,3692.257763
|
||||
0.35515,1843,3712.581201
|
||||
0.598294,914,3722.868209
|
||||
0.274863,1323,3737.524347
|
||||
0.551204,1097,3750.391167
|
||||
0.507973,2126,3774.805516
|
||||
0.120792,1142,3787.651264
|
||||
0.213167,1483,3804.018743
|
||||
0.354876,1548,3821.212765
|
||||
0.523401,1420,3837.059373
|
||||
-0.066591,645,3844.188012
|
||||
0.418786,1880,3865.796867
|
||||
0.347876,1769,3885.605954
|
||||
-0.04606,723,3893.971918
|
||||
0.356737,1551,3911.363573
|
||||
0.10465,1367,3926.001288
|
||||
0.132314,1056,3938.460882
|
||||
-0.167677,592,3944.488108
|
||||
0.127519,1349,3959.995842
|
||||
0.431357,2107,3982.940794
|
||||
0.286042,1162,3995.622278
|
||||
0.270598,1542,4012.878462
|
||||
0.466099,1445,4029.466835
|
||||
0.346773,1698,4048.202954
|
||||
0.343,2123,4071.254381
|
||||
-0.343,439,4076.705297
|
||||
0.108668,1071,4088.590818
|
||||
0.461094,1566,4106.388899
|
||||
0.681322,1102,4119.438437
|
||||
-0.034282,1202,4132.588238
|
||||
0.35594,1643,4151.549188
|
||||
0.175124,938,4162.98397
|
||||
0.246692,1219,4176.258866
|
||||
0.543402,1190,4189.612166
|
||||
0.247138,1282,4204.282859
|
||||
-0.139121,1033,4216.797878
|
||||
0.038518,1116,4228.972771
|
||||
0.546995,1302,4243.563109
|
||||
0.263783,1390,4259.670892
|
||||
0.637552,1404,4275.704351
|
||||
0.572465,1347,4291.310808
|
||||
0.225589,1513,4308.66892
|
||||
0.324495,1342,4323.147152
|
||||
0.610368,1215,4337.180798
|
||||
-0.092118,559,4343.205551
|
||||
0.128688,1467,4359.19922
|
||||
0.05449,1230,4373.300634
|
||||
-0.004516,1037,4384.758364
|
||||
0.236936,1126,4397.457258
|
||||
0.604489,1208,4410.741489
|
||||
0.14065,1336,4426.354185
|
||||
-0.136121,842,4435.333461
|
||||
0.612984,1043,4447.986076
|
||||
0.680955,1006,4458.416232
|
||||
0.274863,1654,4477.084414
|
||||
0.671112,891,4487.069435
|
||||
0.012862,759,4495.62146
|
||||
0.345843,1928,4517.257489
|
||||
0.131807,1400,4533.026362
|
||||
0.112948,1296,4547.31347
|
||||
0.711426,1196,4561.383233
|
||||
-0.348,869,4570.318137
|
||||
0.501522,875,4580.391436
|
||||
0.194432,1418,4596.554164
|
||||
-0.036282,844,4606.396959
|
||||
0.179714,1579,4624.00462
|
||||
-0.100603,1423,4640.210311
|
||||
0.019518,1140,4653.302787
|
||||
0.046887,888,4663.318934
|
||||
0.146807,885,4673.230495
|
||||
0.377737,1786,4693.201257
|
||||
-0.16135,922,4703.47707
|
||||
0.030225,1280,4717.930962
|
||||
0.334495,1496,4734.761637
|
||||
0.163701,1380,4750.29161
|
||||
0.511305,1228,4763.368889
|
||||
0.473726,1986,4786.180237
|
||||
0.470036,1781,4806.338432
|
||||
0.156495,1216,4819.669463
|
||||
0.714775,658,4826.903049
|
||||
0.340699,2051,4850.776149
|
||||
-0.06185,641,4857.976576
|
||||
0.054959,1562,4875.35744
|
||||
-0.068531,880,4885.32243
|
||||
0.163515,1402,4901.155471
|
||||
0.347,1816,4921.516394
|
||||
0.766087,696,4929.025754
|
||||
0.099538,1052,4940.604407
|
||||
0.565535,1177,4954.776659
|
||||
0.233816,1007,4965.314398
|
||||
-0.35,834,4975.300873
|
||||
0.264598,1128,4988.054973
|
||||
0.040971,1351,5002.889743
|
||||
0.264598,1797,5023.263241
|
||||
0.057344,1388,5039.081424
|
||||
0.448684,1870,5060.513828
|
||||
0.687347,1025,5072.23102
|
||||
0.345773,1751,5092.191869
|
||||
0.439565,1562,5109.621207
|
||||
0.615301,795,5118.26846
|
||||
0.316924,1539,5135.391086
|
||||
0.077305,883,5145.647581
|
||||
0.263138,1691,5164.393617
|
||||
0.150921,1547,5181.820986
|
||||
0.559465,1347,5197.498732
|
||||
-0.155677,523,5203.285161
|
||||
0.698322,1102,5215.42025
|
||||
0.164883,1456,5232.576207
|
||||
0.664774,976,5242.970335
|
||||
0.040971,897,5253.237708
|
||||
-0.037282,1292,5267.752908
|
||||
0.082538,1394,5283.524248
|
||||
0.085139,1211,5297.733793
|
||||
0.56977,1324,5312.359258
|
||||
0.307042,1315,5327.254244
|
||||
0.201432,1689,5347.173526
|
||||
0.53469,1578,5365.003968
|
||||
0.206936,1046,5376.872992
|
||||
0.083926,1343,5392.521749
|
||||
0.067305,1558,5410.109726
|
||||
0.67854,952,5420.36443
|
||||
0.019518,987,5432.093788
|
||||
0.066737,1062,5443.705028
|
||||
0.62604,990,5455.07462
|
||||
0.020139,1038,5466.655407
|
||||
0.639255,1222,5480.916161
|
||||
0.2743,1725,5499.967801
|
||||
0.640735,1094,5512.943767
|
||||
0.347908,1794,5533.375095
|
||||
0.588056,1186,5546.762664
|
||||
0.173883,983,5558.294451
|
||||
0.306404,1667,5577.308551
|
||||
0.508971,1712,5596.256037
|
||||
0.262527,1700,5615.126615
|
||||
0.246053,1526,5632.523654
|
||||
0.613588,1298,5647.228099
|
||||
0.566706,1495,5664.597564
|
||||
-0.170979,853,5674.578761
|
||||
0.607413,1079,5686.795997
|
||||
-0.041632,833,5696.742593
|
||||
0.419266,2238,5722.146915
|
||||
0.538851,1099,5735.242042
|
||||
0.343843,1444,5751.493543
|
||||
-0.344,595,5758.558369
|
||||
0.525113,1378,5773.547469
|
||||
0.532301,1590,5792.400625
|
||||
0.762131,720,5800.076957
|
||||
-0.35,851,5809.9193
|
||||
0.32045,1858,5831.531713
|
||||
0.235277,1381,5846.682838
|
||||
0.199297,1146,5859.808033
|
||||
0.38397,1978,5883.375645
|
||||
-0.17635,922,5893.760156
|
||||
-0.080675,971,5905.455199
|
||||
0.324042,1568,5923.437296
|
||||
0.167701,1328,5938.606197
|
||||
0.195157,1393,5954.828173
|
||||
0.561639,1396,5970.749178
|
||||
0.531352,1320,5985.405432
|
||||
0.625598,884,5995.666801
|
||||
0.167057,812,6005.680308
|
||||
0.263783,1339,6021.21036
|
||||
0.224384,1186,6034.94522
|
||||
0.471894,1462,6053.113978
|
||||
0.700951,873,6063.39565
|
||||
0.245138,1682,6083.436945
|
||||
0.455826,1825,6104.690366
|
||||
0.232167,1057,6116.758158
|
||||
0.521985,1834,6139.219182
|
||||
0.2633,1478,6155.957159
|
||||
0.588739,1140,6169.356385
|
||||
-0.348,583,6176.554461
|
||||
0.342843,1900,6198.040333
|
||||
0.52453,1003,6209.845417
|
||||
0.066959,1439,6226.858862
|
||||
0.47694,1722,6248.150423
|
||||
-0.08545,817,6257.792214
|
||||
0.004139,1221,6273.518724
|
||||
0.35997,2114,6298.90801
|
||||
0.649185,979,6311.324883
|
||||
0.254384,1256,6326.896738
|
||||
-0.129312,668,6334.836713
|
||||
0.185714,1701,6355.271837
|
||||
0.605685,997,6367.4717
|
||||
0.270527,1610,6387.113415
|
||||
0.631221,1058,6399.481639
|
||||
0.354908,1571,6418.573007
|
||||
0.299453,1035,6430.953164
|
||||
5.8e-05,959,6443.336869
|
||||
0.53509,1092,6456.484205
|
||||
0.361661,1822,6479.103412
|
||||
0.203432,1448,6496.10647
|
||||
0.32445,2002,6520.240442
|
||||
0.38394,1579,6538.632864
|
||||
0.431166,1691,6558.509164
|
||||
-0.120298,993,6570.627675
|
||||
0.587847,1303,6586.228723
|
||||
0.165936,1162,6600.303686
|
||||
0.243783,1727,6621.301063
|
||||
0.232783,1432,6638.351263
|
||||
0.369876,1719,6658.589556
|
||||
-0.216034,817,6669.197223
|
||||
0.429066,2597,6700.662503
|
||||
0.127238,1671,6720.682979
|
||||
0.561186,1392,6737.33754
|
||||
0.258378,1239,6751.924918
|
||||
-0.045298,1132,6766.035219
|
||||
0.604831,1494,6784.887597
|
||||
0.53944,1633,6805.387481
|
||||
0.195297,958,6816.753678
|
||||
0.086302,1208,6832.275656
|
||||
0.335495,1840,6854.707803
|
||||
0.192014,1205,6868.837626
|
||||
0.618846,921,6880.701533
|
||||
-0.09533,1373,6896.543252
|
||||
-0.150979,1045,6909.801697
|
||||
0.70655,967,6920.903818
|
||||
0.31845,1750,6942.40984
|
||||
0.177557,1212,6956.77937
|
||||
0.658779,1225,6972.036425
|
||||
0.030737,877,6982.98369
|
||||
0.335808,1885,7005.579374
|
||||
0.331737,1723,7027.066599
|
||||
0.389513,2346,7055.479089
|
||||
0.144711,1147,7069.552618
|
||||
0.64888,771,7078.852565
|
||||
0.484753,1440,7095.962231
|
||||
0.630357,1474,7114.587081
|
||||
0.296799,979,7127.189766
|
||||
0.208936,1353,7143.316725
|
||||
0.272378,1426,7160.533569
|
||||
0.355773,1631,7180.854469
|
||||
0.287042,994,7193.121676
|
||||
0.086538,868,7203.913593
|
||||
-0.078591,699,7212.087861
|
||||
0.114238,1175,7225.926065
|
||||
0.346737,2246,7253.52576
|
||||
0.084668,1247,7268.588738
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,459 @@
|
||||
#{"t_start": 1680618620.6389818, "env_id": null}
|
||||
r,l,t
|
||||
0.483231,1779,26.616413
|
||||
-0.352,863,37.145637
|
||||
0.283984,1446,54.251784
|
||||
0.06387,1088,67.476416
|
||||
0.442745,1695,87.802513
|
||||
0.548995,1302,103.30443
|
||||
0.31958,1506,121.683367
|
||||
0.091023,1585,140.422091
|
||||
0.502515,1529,158.872559
|
||||
0.195157,1525,177.379935
|
||||
0.088302,1036,189.542314
|
||||
0.440094,2097,215.513017
|
||||
0.216396,1426,232.348036
|
||||
0.105668,1348,248.908447
|
||||
0.024518,986,260.253842
|
||||
0.347538,1380,277.162457
|
||||
0.407114,1770,298.356868
|
||||
0.065124,1340,314.176596
|
||||
0.198432,1338,330.876468
|
||||
0.326538,2444,360.205755
|
||||
0.183714,1098,372.770521
|
||||
0.552352,968,384.921225
|
||||
0.614145,964,396.697431
|
||||
0.223297,1365,412.152018
|
||||
0.539329,1564,430.562729
|
||||
0.345908,1728,451.720291
|
||||
0.219277,1738,472.182941
|
||||
0.542225,1582,491.971498
|
||||
-0.052531,926,502.995867
|
||||
0.445569,1141,516.68469
|
||||
0.171059,1280,532.268682
|
||||
0.013225,958,543.232854
|
||||
-0.352,578,550.651236
|
||||
-0.347,649,558.405199
|
||||
0.137792,851,568.771359
|
||||
0.204816,2228,594.779283
|
||||
-0.089708,1171,608.687278
|
||||
0.457508,1465,627.081726
|
||||
-0.222029,606,633.613755
|
||||
0.267453,1867,656.778402
|
||||
0.398751,2186,683.464423
|
||||
0.003538,998,695.847098
|
||||
0.209692,1182,710.033447
|
||||
0.35294,1553,728.516254
|
||||
-0.16635,603,736.03452
|
||||
0.594668,1311,751.804066
|
||||
0.447124,1969,776.323594
|
||||
0.04849,1224,790.244131
|
||||
0.38097,2211,816.89815
|
||||
0.075538,1104,830.897033
|
||||
-0.050345,919,842.025094
|
||||
-0.343,601,849.735727
|
||||
-0.075274,1500,868.302166
|
||||
0.615637,1528,886.825751
|
||||
0.24922,1478,903.723616
|
||||
0.121519,1308,919.222058
|
||||
0.345908,1629,938.602727
|
||||
0.057484,1021,950.923841
|
||||
0.246053,1640,970.914768
|
||||
0.345621,1690,991.41205
|
||||
0.003139,1345,1008.81681
|
||||
0.251053,1662,1029.281272
|
||||
0.020518,1159,1043.475752
|
||||
0.272667,1536,1061.978224
|
||||
0.546796,1270,1077.586787
|
||||
0.123792,1355,1093.230896
|
||||
0.109948,1282,1108.319621
|
||||
0.105028,1190,1122.001725
|
||||
0.268667,1882,1145.171866
|
||||
0.159921,1951,1168.768396
|
||||
0.646501,913,1180.830746
|
||||
0.170692,1602,1199.954406
|
||||
0.34994,2034,1224.878404
|
||||
-0.075861,1552,1243.536804
|
||||
0.063421,1594,1262.121866
|
||||
0.077807,1327,1278.76532
|
||||
-0.041531,1051,1291.492567
|
||||
0.227488,1281,1307.113888
|
||||
0.073994,1129,1321.122097
|
||||
0.547892,1344,1336.729844
|
||||
0.351908,1346,1353.370824
|
||||
0.595193,1161,1367.482863
|
||||
0.28722,1082,1380.224339
|
||||
0.18123,1297,1397.291941
|
||||
0.498946,1372,1413.77015
|
||||
0.641458,993,1426.159294
|
||||
-0.011138,1067,1438.665096
|
||||
-0.091118,973,1450.815346
|
||||
0.616494,1073,1463.405841
|
||||
-0.009138,1551,1481.89978
|
||||
0.418413,2162,1508.086151
|
||||
0.498291,1300,1524.656718
|
||||
-0.132312,1184,1539.14931
|
||||
0.157519,867,1550.305733
|
||||
-0.045422,1286,1566.826562
|
||||
0.591026,1168,1581.846705
|
||||
0.440786,2171,1608.258949
|
||||
0.520472,1513,1625.669055
|
||||
-0.172979,709,1633.205948
|
||||
0.247138,1856,1655.306344
|
||||
0.085302,1275,1669.806375
|
||||
0.505275,1556,1687.321647
|
||||
-0.049422,1251,1700.936847
|
||||
0.241277,1687,1721.825319
|
||||
-0.080775,1009,1733.425359
|
||||
0.339773,2130,1757.368254
|
||||
0.353,1676,1776.878854
|
||||
-0.027406,1134,1790.26054
|
||||
0.566757,1331,1805.013565
|
||||
0.344908,1494,1822.522331
|
||||
0.306308,1230,1836.941397
|
||||
0.288984,1596,1854.46076
|
||||
0.257138,1538,1871.972515
|
||||
0.33945,1451,1889.25317
|
||||
0.437615,1916,1911.55495
|
||||
0.565625,1360,1926.597812
|
||||
0.150043,1098,1939.801508
|
||||
0.564624,1089,1951.840286
|
||||
0.497669,1018,1963.649482
|
||||
0.282598,1678,1983.220871
|
||||
0.504886,1276,1998.411935
|
||||
0.180272,1422,2016.822866
|
||||
0.600838,1447,2036.182843
|
||||
0.004498,1052,2048.219025
|
||||
0.359808,1428,2064.323708
|
||||
-0.32,375,2068.575828
|
||||
0.439322,1852,2088.972373
|
||||
0.271799,1331,2104.409944
|
||||
0.810087,696,2111.869091
|
||||
0.420892,1835,2133.21384
|
||||
0.192876,1311,2147.671219
|
||||
0.499712,1182,2160.581619
|
||||
0.432751,2186,2184.641468
|
||||
-0.112719,1059,2196.261734
|
||||
0.463806,1657,2214.680877
|
||||
0.079139,970,2225.825225
|
||||
0.395322,1391,2241.363533
|
||||
0.479294,1203,2254.57263
|
||||
0.602611,785,2263.270389
|
||||
0.333737,1712,2283.018854
|
||||
-0.022623,904,2292.962477
|
||||
0.030737,1366,2308.552206
|
||||
0.35497,1320,2323.071759
|
||||
0.531207,1499,2340.015595
|
||||
0.332357,1169,2352.89474
|
||||
0.359908,1680,2371.595456
|
||||
0.104344,1066,2383.284884
|
||||
0.10465,1639,2401.584393
|
||||
0.082484,1340,2416.021712
|
||||
0.36797,1754,2435.73924
|
||||
-0.005138,1246,2450.168274
|
||||
0.07087,1155,2463.198428
|
||||
0.303206,1754,2483.065725
|
||||
0.350843,1984,2504.867535
|
||||
0.427718,1892,2526.203884
|
||||
0.510801,1560,2543.25869
|
||||
0.138043,1291,2557.573552
|
||||
0.461096,1922,2578.746422
|
||||
0.517776,1395,2594.379618
|
||||
0.349843,1375,2609.894842
|
||||
0.295153,1552,2627.091301
|
||||
0.026136,1246,2641.209064
|
||||
0.322621,1939,2662.811544
|
||||
0.394317,1451,2678.515333
|
||||
0.492698,1604,2696.70879
|
||||
0.278924,1657,2715.078841
|
||||
0.318538,1690,2733.832232
|
||||
0.223277,1682,2752.350108
|
||||
0.282378,1214,2765.367742
|
||||
0.139807,1575,2783.717285
|
||||
0.307258,1302,2797.980287
|
||||
0.486207,1499,2815.256545
|
||||
0.35597,1793,2835.134498
|
||||
0.551242,1842,2855.401994
|
||||
0.238688,1561,2872.857553
|
||||
0.345843,1393,2888.577987
|
||||
0.181396,1827,2908.621745
|
||||
0.607487,1246,2922.715648
|
||||
0.319538,2221,2946.88049
|
||||
-0.006357,859,2956.781573
|
||||
0.251138,1305,2971.003185
|
||||
0.481107,1740,2990.839801
|
||||
-0.123312,992,3002.128759
|
||||
0.508156,1663,3020.880898
|
||||
0.314538,1756,3040.043102
|
||||
0.058959,1068,3052.440571
|
||||
0.150711,1324,3066.940361
|
||||
0.159711,1803,3087.028478
|
||||
0.585876,1181,3099.986678
|
||||
0.377808,1241,3113.967553
|
||||
0.540566,1189,3126.86158
|
||||
0.069728,1219,3140.925849
|
||||
0.600509,1669,3159.724677
|
||||
-0.037295,1060,3171.423743
|
||||
0.618339,958,3182.710151
|
||||
0.622764,1134,3196.194293
|
||||
0.305042,1624,3214.154248
|
||||
0.260527,1728,3234.664652
|
||||
0.481874,1049,3246.37969
|
||||
0.65758,1067,3258.278278
|
||||
-0.016113,904,3268.486764
|
||||
-0.058674,1099,3281.62087
|
||||
0.491447,1450,3298.06781
|
||||
0.428058,1844,3320.717588
|
||||
0.698148,787,3330.092698
|
||||
0.31858,1562,3348.716605
|
||||
0.078926,1059,3361.238763
|
||||
0.359843,1560,3380.874
|
||||
0.502781,1847,3402.734621
|
||||
0.691855,713,3411.611251
|
||||
0.118238,1222,3425.777759
|
||||
0.188014,997,3438.01853
|
||||
0.090538,945,3449.202473
|
||||
0.246384,1390,3466.052861
|
||||
0.077139,1086,3479.573169
|
||||
0.335699,1862,3501.394958
|
||||
0.464939,1782,3523.15543
|
||||
0.62269,1050,3535.631713
|
||||
0.021518,946,3547.095709
|
||||
0.215936,1267,3561.396742
|
||||
0.513465,1347,3576.319794
|
||||
0.35297,1811,3596.617183
|
||||
0.519031,1533,3613.87238
|
||||
0.174883,1242,3627.988656
|
||||
0.25622,1188,3641.065667
|
||||
0.172059,906,3651.169336
|
||||
-0.34,721,3659.463184
|
||||
0.747003,762,3668.154613
|
||||
0.154495,1216,3681.229372
|
||||
0.128948,1260,3695.422174
|
||||
0.099668,777,3704.031497
|
||||
-0.142121,1023,3715.677605
|
||||
0.146921,961,3726.991831
|
||||
0.57594,1199,3740.269376
|
||||
0.188396,1301,3754.897425
|
||||
-0.03006,567,3761.893308
|
||||
0.692102,712,3769.424999
|
||||
0.455781,1847,3790.664772
|
||||
0.300258,1809,3811.040801
|
||||
0.341843,1899,3832.481233
|
||||
0.341843,1632,3849.928638
|
||||
0.322495,1664,3868.770719
|
||||
0.320621,2093,3892.725729
|
||||
-0.17135,761,3901.376631
|
||||
-0.017623,1199,3914.393168
|
||||
0.114028,1488,3931.396403
|
||||
0.519613,1520,3948.46403
|
||||
0.219816,1189,3961.493431
|
||||
0.250053,1671,3979.933534
|
||||
0.435485,1473,3995.708635
|
||||
0.176059,1280,4010.047694
|
||||
0.292153,1430,4026.601229
|
||||
0.271799,1391,4041.185238
|
||||
0.54049,1062,4053.820458
|
||||
0.613783,1028,4065.184355
|
||||
0.665866,1250,4079.416031
|
||||
0.342843,1613,4097.138807
|
||||
0.337773,1665,4116.448284
|
||||
0.444995,1302,4131.073246
|
||||
0.044437,819,4140.923382
|
||||
0.128314,1639,4160.011948
|
||||
0.628031,1174,4173.147782
|
||||
0.565522,1312,4187.922125
|
||||
0.270378,1639,4206.804687
|
||||
0.245384,1713,4225.907821
|
||||
0.374428,1840,4247.541151
|
||||
0.637439,1299,4262.225565
|
||||
0.052484,766,4271.075873
|
||||
0.174396,1107,4282.958671
|
||||
0.277138,1603,4301.55994
|
||||
0.20223,934,4311.802535
|
||||
0.486556,1641,4330.256876
|
||||
0.552124,1524,4347.41449
|
||||
0.059484,1112,4360.174406
|
||||
0.222936,1475,4376.1843
|
||||
0.633735,1094,4388.746342
|
||||
0.058421,1266,4403.029185
|
||||
0.210053,1406,4417.986281
|
||||
0.185965,1231,4432.277259
|
||||
0.062807,1419,4448.324383
|
||||
0.508452,1829,4468.539616
|
||||
-0.022502,1029,4480.926671
|
||||
-0.160677,820,4489.686517
|
||||
0.190714,1311,4504.280422
|
||||
0.35158,1545,4521.643393
|
||||
0.487483,1688,4540.181256
|
||||
0.593282,1280,4554.500089
|
||||
0.051994,1332,4569.999135
|
||||
0.345876,1373,4585.792443
|
||||
0.602755,1352,4600.728849
|
||||
0.300667,1548,4618.193272
|
||||
-0.090118,1392,4634.015784
|
||||
0.427311,1768,4654.539
|
||||
0.553726,1595,4671.940376
|
||||
0.149272,1376,4687.430506
|
||||
0.35294,1954,4709.189516
|
||||
0.514337,1506,4726.336379
|
||||
0.540996,1469,4743.094921
|
||||
0.594071,1430,4758.815562
|
||||
0.676048,1016,4770.119859
|
||||
0.257621,1528,4787.419477
|
||||
0.438341,1581,4804.969558
|
||||
0.56008,1138,4818.07017
|
||||
0.619518,1233,4832.153005
|
||||
0.170124,1088,4843.862431
|
||||
0.553539,1457,4859.859547
|
||||
0.47302,1731,4879.737089
|
||||
0.172059,1257,4894.131492
|
||||
0.123519,972,4904.430294
|
||||
-0.005942,938,4915.504269
|
||||
0.008377,999,4926.302793
|
||||
0.04732,884,4936.261975
|
||||
0.241053,1620,4955.020339
|
||||
0.524547,1537,4972.490345
|
||||
0.238277,1370,4988.048973
|
||||
0.180396,1216,5001.33732
|
||||
0.342773,1633,5020.199581
|
||||
-0.024295,1204,5033.43136
|
||||
0.342737,1720,5053.358343
|
||||
0.139272,1244,5067.700262
|
||||
0.615308,1063,5079.457165
|
||||
0.026402,1072,5091.188671
|
||||
0.348737,1902,5112.628191
|
||||
-0.038422,573,5119.527797
|
||||
0.066994,1238,5132.644832
|
||||
0.415688,1403,5148.768578
|
||||
0.589617,1201,5162.822095
|
||||
0.386879,2463,5190.398996
|
||||
0.470907,1703,5209.411716
|
||||
0.485447,1450,5225.659635
|
||||
0.573464,1340,5241.383891
|
||||
0.350876,1958,5263.332421
|
||||
0.223488,1612,5281.828029
|
||||
0.222053,1593,5299.466769
|
||||
-0.172979,1537,5316.860918
|
||||
0.245138,1608,5335.651158
|
||||
0.171495,1059,5347.447425
|
||||
0.513668,1536,5365.097366
|
||||
0.32258,1579,5382.829882
|
||||
0.234589,1648,5401.77091
|
||||
0.173883,1313,5417.137416
|
||||
-0.082274,891,5427.304768
|
||||
-0.174979,928,5437.791759
|
||||
0.292734,1348,5452.317284
|
||||
0.582465,1347,5468.009721
|
||||
0.734636,898,5478.088413
|
||||
0.659324,890,5488.283042
|
||||
0.472914,1193,5501.471302
|
||||
0.38097,1279,5516.063874
|
||||
0.085668,1120,5529.08496
|
||||
0.330737,1454,5545.42124
|
||||
0.412189,2224,5571.325786
|
||||
0.654755,1352,5586.199504
|
||||
0.144272,1382,5601.986375
|
||||
0.229688,1529,5619.258923
|
||||
0.346908,1668,5638.254016
|
||||
0.502279,1436,5654.425675
|
||||
-0.167677,726,5663.044789
|
||||
0.641984,1043,5674.76176
|
||||
0.17123,1229,5689.38934
|
||||
0.268734,1517,5706.072299
|
||||
0.037437,1057,5719.08229
|
||||
0.35597,1936,5741.154665
|
||||
0.210936,1466,5757.410136
|
||||
0.419046,2153,5782.19117
|
||||
0.343876,1381,5798.365305
|
||||
0.627,1011,5809.7913
|
||||
0.023881,1231,5823.217641
|
||||
0.688042,1150,5836.440228
|
||||
0.323042,1528,5853.955873
|
||||
0.249965,1525,5871.718887
|
||||
0.354773,1293,5886.547232
|
||||
0.551633,1725,5907.029814
|
||||
0.321404,1382,5923.323296
|
||||
-0.037282,813,5932.576401
|
||||
-0.17335,763,5941.464988
|
||||
0.342699,1315,5956.341608
|
||||
0.308404,1885,5978.007095
|
||||
0.586254,1267,5992.486754
|
||||
0.731673,1061,6004.448484
|
||||
0.250589,1280,6019.400978
|
||||
0.265667,1332,6036.009222
|
||||
0.337773,1984,6059.219807
|
||||
0.334661,1553,6077.600819
|
||||
0.341773,1841,6100.04868
|
||||
0.240488,1307,6114.99615
|
||||
0.492229,1287,6130.221814
|
||||
0.594463,1227,6144.164535
|
||||
0.030136,1168,6158.707849
|
||||
0.131807,1053,6170.729786
|
||||
0.119028,630,6178.179433
|
||||
-0.128489,776,6187.112056
|
||||
0.35494,2215,6212.746005
|
||||
0.159495,1012,6225.050049
|
||||
0.038136,916,6235.951915
|
||||
0.536907,1358,6252.837261
|
||||
0.623673,1061,6265.579573
|
||||
0.450859,1568,6284.908381
|
||||
0.295808,1100,6298.648661
|
||||
0.175557,1052,6311.369881
|
||||
0.200432,1493,6330.031112
|
||||
0.518529,1375,6346.126515
|
||||
0.342773,1762,6367.548955
|
||||
0.499082,1315,6383.958593
|
||||
0.39094,1457,6400.943259
|
||||
0.052484,1130,6415.133628
|
||||
0.522204,1429,6432.258351
|
||||
0.267378,1077,6445.258145
|
||||
0.467265,1831,6468.595058
|
||||
0.03632,759,6477.577673
|
||||
0.415039,1958,6500.61683
|
||||
0.163701,1216,6514.456945
|
||||
0.226157,929,6526.406682
|
||||
0.079959,827,6535.777077
|
||||
0.31645,1615,6555.140184
|
||||
0.54814,959,6566.178476
|
||||
0.313357,1780,6587.833418
|
||||
0.225564,1254,6603.264995
|
||||
0.350843,1381,6619.803588
|
||||
0.477812,1603,6638.579424
|
||||
0.092368,1430,6655.57731
|
||||
-0.168677,791,6665.908994
|
||||
0.528735,1724,6686.847468
|
||||
0.498842,1510,6705.189514
|
||||
0.179557,1149,6719.016743
|
||||
0.178557,983,6729.952482
|
||||
-0.142121,1093,6743.869265
|
||||
0.289098,1745,6765.673197
|
||||
0.243876,1213,6780.129334
|
||||
0.271799,1386,6797.633291
|
||||
0.566939,955,6808.98189
|
||||
0.154043,1318,6826.036094
|
||||
-0.086,607,6832.699662
|
||||
0.563811,1206,6848.263444
|
||||
0.609688,1213,6862.639539
|
||||
0.288042,1609,6882.410715
|
||||
0.31958,1708,6902.741347
|
||||
0.345908,1937,6925.711095
|
||||
0.038737,989,6937.971588
|
||||
0.514439,1299,6953.6582
|
||||
0.04532,832,6964.301888
|
||||
0.346876,1792,6986.230678
|
||||
0.369737,1432,7003.889944
|
||||
0.488047,1664,7024.034842
|
||||
0.631268,1108,7037.939428
|
||||
0.180495,878,7047.721819
|
||||
0.188921,1141,7061.846129
|
||||
0.298984,1454,7080.159431
|
||||
-0.129489,1037,7092.556727
|
||||
0.32051,2001,7116.460563
|
||||
0.50853,1726,7138.550243
|
||||
0.476568,1650,7158.80537
|
||||
0.347,2164,7185.313065
|
||||
0.237816,2001,7209.119283
|
||||
0.34794,1571,7228.798976
|
||||
-0.083675,839,7238.399153
|
||||
0.303357,1787,7259.701137
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,477 @@
|
||||
#{"t_start": 1680618620.706982, "env_id": null}
|
||||
r,l,t
|
||||
0.020225,1048,18.60177
|
||||
0.256378,1292,33.828418
|
||||
0.266667,1253,49.032585
|
||||
0.556507,1571,67.356746
|
||||
0.234277,1794,89.107836
|
||||
0.336661,1498,107.46302
|
||||
0.022229,657,115.236996
|
||||
0.452637,1528,133.775906
|
||||
0.034136,1026,146.094538
|
||||
0.459568,1112,158.742558
|
||||
0.228053,1335,175.401557
|
||||
0.34545,1831,197.021293
|
||||
0.226564,1151,211.032816
|
||||
0.298799,1511,229.076119
|
||||
0.240688,1603,247.731721
|
||||
0.459139,1854,271.013621
|
||||
0.343876,1593,289.383326
|
||||
-0.086274,1141,303.170916
|
||||
0.005862,1056,315.739164
|
||||
0.46181,1937,339.991676
|
||||
-0.020462,891,350.726246
|
||||
-0.140111,808,360.164755
|
||||
0.336737,1397,377.029025
|
||||
0.312495,1557,395.418231
|
||||
0.348808,1226,410.264647
|
||||
-0.042298,855,419.862421
|
||||
0.234876,2078,444.245875
|
||||
0.158272,1394,461.258552
|
||||
0.122057,1839,484.012371
|
||||
0.519594,1706,504.466821
|
||||
-0.129489,870,515.015749
|
||||
0.559916,1323,530.686913
|
||||
0.558936,1416,547.639508
|
||||
0.106557,2040,571.957679
|
||||
0.35094,1788,593.207905
|
||||
0.666506,1051,605.574612
|
||||
0.061421,1103,619.266978
|
||||
0.184714,1074,631.994488
|
||||
0.260378,1384,649.059769
|
||||
0.490774,1630,669.231384
|
||||
0.191157,1319,685.034185
|
||||
0.57033,1355,701.948756
|
||||
0.103028,1481,719.298496
|
||||
0.575529,1285,734.667268
|
||||
-0.336,431,740.592701
|
||||
0.199297,1455,757.918737
|
||||
0.197157,1257,773.348664
|
||||
0.198515,1481,791.415136
|
||||
0.079926,1638,810.607296
|
||||
0.619026,1168,824.619698
|
||||
0.174807,1510,843.499351
|
||||
0.220277,1489,862.054503
|
||||
-0.080133,924,873.081279
|
||||
0.143432,1255,888.500402
|
||||
0.154807,1555,906.696726
|
||||
-0.162979,611,914.278345
|
||||
-0.016771,860,924.654313
|
||||
0.593498,1319,939.929945
|
||||
0.088302,1387,957.04229
|
||||
0.169701,1254,971.156768
|
||||
0.319495,1779,993.114898
|
||||
0.348908,1513,1012.318129
|
||||
0.173396,1757,1034.239696
|
||||
0.447551,1305,1049.855903
|
||||
0.267598,1543,1068.611217
|
||||
0.219384,1693,1088.659206
|
||||
0.583306,1539,1106.846162
|
||||
0.101139,919,1118.618335
|
||||
0.197432,1428,1135.578114
|
||||
0.000139,902,1146.472102
|
||||
-0.055674,1250,1161.874382
|
||||
0.291843,1861,1184.249756
|
||||
0.270598,1274,1199.910404
|
||||
-0.041531,1170,1214.225274
|
||||
0.056484,1560,1232.847011
|
||||
0.335808,1492,1251.214462
|
||||
0.182714,1752,1272.45713
|
||||
0.094139,1221,1286.753208
|
||||
-0.137189,838,1297.575366
|
||||
-0.139121,781,1306.970932
|
||||
0.052437,1069,1319.764915
|
||||
0.2503,1635,1339.530272
|
||||
0.321538,1446,1356.57819
|
||||
0.194297,1385,1373.799668
|
||||
-0.142159,744,1383.056284
|
||||
0.418892,1835,1405.820973
|
||||
0.344843,1812,1427.90556
|
||||
0.212053,1321,1444.424067
|
||||
0.259589,1376,1461.310219
|
||||
0.216053,1179,1475.328078
|
||||
0.092515,1155,1489.241038
|
||||
0.609953,1243,1503.513998
|
||||
0.135807,1335,1520.124887
|
||||
0.330699,1617,1540.548675
|
||||
0.181557,1137,1553.992193
|
||||
0.757197,858,1565.417422
|
||||
0.217816,1199,1581.639707
|
||||
0.342876,1613,1600.911718
|
||||
-0.144979,677,1608.569944
|
||||
0.089305,1074,1621.375412
|
||||
0.503896,1936,1643.35017
|
||||
-0.022623,826,1652.698866
|
||||
0.140272,1170,1666.730002
|
||||
0.119344,1206,1680.140366
|
||||
0.143711,1233,1694.576754
|
||||
0.560807,1432,1711.52499
|
||||
0.212816,1793,1732.035172
|
||||
0.085302,1271,1746.698907
|
||||
0.254053,1310,1761.803927
|
||||
0.624323,1348,1776.913847
|
||||
0.527509,1669,1796.077598
|
||||
0.101668,1028,1808.841512
|
||||
0.306598,1186,1822.251171
|
||||
0.467501,1756,1842.488958
|
||||
0.321,1162,1855.525873
|
||||
0.662023,925,1865.915879
|
||||
0.270598,1416,1881.900329
|
||||
-0.167979,744,1890.68278
|
||||
0.331308,1768,1911.447952
|
||||
0.190714,1326,1926.350809
|
||||
0.273799,1372,1942.708831
|
||||
0.407166,1691,1961.899463
|
||||
0.223936,1325,1977.072675
|
||||
0.297153,2157,2003.127739
|
||||
-0.159677,807,2013.383898
|
||||
0.285042,1291,2029.823029
|
||||
0.453895,1890,2052.50287
|
||||
0.540393,1555,2070.087311
|
||||
0.374808,1338,2085.612369
|
||||
0.575625,1360,2100.174642
|
||||
0.076728,854,2110.237453
|
||||
0.47248,1660,2128.928809
|
||||
0.099028,1604,2147.388218
|
||||
0.263965,1462,2163.280611
|
||||
0.70854,1040,2174.574142
|
||||
-0.351,719,2182.89623
|
||||
0.32158,1214,2196.051496
|
||||
0.188883,1110,2208.745308
|
||||
0.473006,1646,2227.009648
|
||||
0.726645,811,2235.659312
|
||||
0.005643,698,2244.07201
|
||||
0.345808,1861,2264.46147
|
||||
0.047737,1106,2277.141456
|
||||
-0.011771,937,2287.316231
|
||||
0.185014,1026,2298.690474
|
||||
0.284042,1594,2316.192745
|
||||
0.34994,1475,2332.983639
|
||||
0.122344,787,2341.665267
|
||||
-0.35,627,2348.655172
|
||||
0.642708,776,2357.285023
|
||||
0.42848,1326,2371.886458
|
||||
-0.021345,983,2383.227884
|
||||
0.152711,1165,2395.991268
|
||||
0.06749,1007,2407.310231
|
||||
0.091139,1131,2419.993504
|
||||
-0.071274,1030,2431.277618
|
||||
0.314404,1828,2451.777198
|
||||
0.484225,1582,2470.170651
|
||||
0.241053,1230,2483.351722
|
||||
0.36797,1436,2499.297812
|
||||
-0.337,585,2506.19799
|
||||
0.312495,1544,2523.451499
|
||||
-0.222288,1081,2535.934352
|
||||
0.761858,685,2543.13069
|
||||
0.336308,1630,2561.457017
|
||||
0.620798,1244,2574.557401
|
||||
0.231157,1239,2588.492305
|
||||
0.063238,1507,2605.600728
|
||||
-0.003138,922,2615.645136
|
||||
0.36097,1283,2629.923506
|
||||
0.138272,1651,2648.429688
|
||||
0.087302,1839,2668.67648
|
||||
0.010643,1088,2681.179077
|
||||
0.040737,1188,2693.995152
|
||||
0.09087,1097,2706.63285
|
||||
0.199297,1114,2718.253203
|
||||
0.597492,998,2729.570032
|
||||
0.442872,1960,2751.159108
|
||||
-0.352,1013,2762.383416
|
||||
0.175396,1188,2776.403532
|
||||
0.120948,887,2786.344491
|
||||
0.284734,2182,2810.880272
|
||||
0.298799,1258,2824.115423
|
||||
-0.049345,1179,2837.974272
|
||||
0.225692,1354,2852.526584
|
||||
0.221167,1079,2865.31323
|
||||
0.333773,1397,2881.094453
|
||||
0.236876,1780,2901.024697
|
||||
0.093668,1373,2915.646829
|
||||
0.564446,1090,2928.133854
|
||||
0.628607,1346,2942.485597
|
||||
0.570572,1008,2953.840782
|
||||
0.632056,1186,2966.702758
|
||||
0.277667,1434,2983.390372
|
||||
-0.290704,917,2993.647815
|
||||
0.668062,818,3002.281761
|
||||
0.280843,1494,3019.409417
|
||||
0.298984,1512,3036.773124
|
||||
-0.169979,599,3042.775243
|
||||
0.300098,1230,3056.798562
|
||||
0.323538,1440,3072.629483
|
||||
0.329495,1421,3088.392108
|
||||
0.092305,1076,3100.974165
|
||||
0.173883,1010,3112.216372
|
||||
0.164495,1095,3123.91478
|
||||
0.35297,2014,3146.574481
|
||||
0.055959,1166,3159.668678
|
||||
-0.162979,581,3166.626812
|
||||
0.059959,1199,3179.781515
|
||||
0.336808,2491,3208.383344
|
||||
0.142043,1598,3227.256768
|
||||
-0.024345,1138,3240.302853
|
||||
0.361,1640,3259.250785
|
||||
0.199984,1606,3277.11635
|
||||
0.452372,1661,3296.396707
|
||||
0.172059,1606,3315.853821
|
||||
0.048994,1680,3336.126063
|
||||
0.553779,1225,3350.342247
|
||||
0.17423,1316,3366.924041
|
||||
-0.322,377,3371.566689
|
||||
0.522492,1272,3385.913957
|
||||
0.331357,1119,3399.787042
|
||||
0.242053,1590,3419.242265
|
||||
-0.054591,963,3430.469065
|
||||
0.66294,1256,3445.893453
|
||||
0.248876,1162,3459.759739
|
||||
0.235688,1623,3479.616171
|
||||
0.372876,1528,3498.038796
|
||||
0.201564,1400,3514.942502
|
||||
0.311357,1359,3530.912704
|
||||
-0.333,664,3538.613464
|
||||
0.161322,1103,3551.501174
|
||||
0.159515,1754,3571.713377
|
||||
0.545492,998,3583.276338
|
||||
0.096926,1284,3597.61671
|
||||
0.011058,1036,3609.256053
|
||||
0.247053,1952,3630.773105
|
||||
0.472515,1529,3648.049855
|
||||
0.079538,1437,3663.937742
|
||||
-0.034422,933,3674.033031
|
||||
0.255378,2129,3698.146792
|
||||
0.294153,1826,3718.527338
|
||||
0.490401,1420,3734.514303
|
||||
0.325538,1171,3748.568419
|
||||
0.199014,1561,3766.148211
|
||||
-0.139189,857,3775.105511
|
||||
0.63489,1218,3789.267813
|
||||
0.298863,1466,3805.484964
|
||||
0.476607,1339,3820.954509
|
||||
0.266527,1526,3838.100676
|
||||
0.113948,1014,3849.449982
|
||||
0.570559,1265,3863.988739
|
||||
0.361636,2606,3892.729729
|
||||
0.483338,1085,3904.563888
|
||||
0.200297,1456,3921.323638
|
||||
0.187322,1565,3938.633878
|
||||
0.310153,1387,3954.250306
|
||||
0.335153,1268,3968.399149
|
||||
0.491234,1875,3988.591361
|
||||
0.464887,1638,4006.839846
|
||||
0.536696,1158,4019.837258
|
||||
0.749102,712,4028.062416
|
||||
-0.044113,686,4035.243363
|
||||
0.282527,1368,4050.937313
|
||||
0.303258,1200,4063.92464
|
||||
0.243053,1167,4076.861297
|
||||
0.347876,1578,4095.377112
|
||||
0.114948,984,4106.243385
|
||||
-0.352,729,4114.886095
|
||||
0.189866,1024,4126.5955
|
||||
0.551644,1318,4141.14438
|
||||
0.18523,1348,4157.216306
|
||||
0.169059,1335,4171.929751
|
||||
0.108668,1034,4183.550714
|
||||
-0.026502,907,4193.96905
|
||||
0.570229,1287,4209.454647
|
||||
0.471612,1472,4225.77182
|
||||
0.667492,1272,4240.327023
|
||||
0.093368,1132,4253.45139
|
||||
0.2763,1291,4268.288842
|
||||
0.308667,1350,4282.943671
|
||||
0.498848,1212,4297.199458
|
||||
0.462684,1870,4318.497252
|
||||
0.796708,776,4327.067646
|
||||
0.335737,1898,4347.63049
|
||||
0.231688,1494,4364.738682
|
||||
0.484996,1628,4383.057091
|
||||
0.300308,2052,4405.949776
|
||||
0.59404,1601,4423.571894
|
||||
0.011402,964,4435.007461
|
||||
0.005855,933,4445.294235
|
||||
0.094538,1312,4459.823326
|
||||
0.092368,1514,4476.969416
|
||||
0.491229,1444,4493.716174
|
||||
-0.138189,1078,4505.554642
|
||||
-0.167979,734,4513.99291
|
||||
0.238488,1221,4527.169672
|
||||
0.231589,1421,4542.974391
|
||||
0.174396,1152,4555.904329
|
||||
0.394372,1661,4574.550002
|
||||
0.147495,1362,4590.45055
|
||||
0.110921,838,4599.407365
|
||||
0.086668,1141,4612.28331
|
||||
0.322495,1283,4626.893366
|
||||
0.360808,1308,4642.668278
|
||||
0.14665,1372,4657.511975
|
||||
0.462996,1628,4675.979872
|
||||
0.631762,1066,4687.489505
|
||||
0.477966,1509,4704.753798
|
||||
-0.165677,902,4714.849724
|
||||
0.284924,1467,4731.728342
|
||||
0.215692,1470,4747.559347
|
||||
0.604974,1379,4763.066886
|
||||
0.312495,1954,4784.79532
|
||||
0.539508,1465,4801.834133
|
||||
0.48533,1355,4816.702089
|
||||
0.325621,1776,4836.750344
|
||||
0.7881,688,4843.99942
|
||||
0.537588,1298,4859.380374
|
||||
-0.027406,1276,4873.763125
|
||||
0.427168,2096,4897.015954
|
||||
0.638102,1198,4910.116283
|
||||
-0.346,569,4917.009467
|
||||
0.566914,1193,4930.291442
|
||||
0.524101,1268,4944.723758
|
||||
-0.163677,708,4953.174521
|
||||
-0.052422,1259,4966.704883
|
||||
0.107948,943,4977.965733
|
||||
-0.064118,1036,4989.424384
|
||||
0.318357,1383,5005.275507
|
||||
0.445777,1639,5023.227238
|
||||
0.259453,1372,5038.987425
|
||||
0.429872,1793,5059.186636
|
||||
0.316,1965,5082.095138
|
||||
0.226014,1318,5096.550705
|
||||
0.287098,1626,5115.135564
|
||||
0.275734,1503,5131.18824
|
||||
0.193557,1514,5148.632578
|
||||
0.187921,1121,5161.423704
|
||||
0.522329,1778,5181.537403
|
||||
0.525731,1219,5194.860199
|
||||
0.432206,1321,5210.579528
|
||||
-0.125111,643,5217.923795
|
||||
-0.161677,748,5225.559126
|
||||
0.202564,1238,5239.958626
|
||||
0.542446,1090,5252.796362
|
||||
0.257277,1142,5265.753634
|
||||
0.023139,1254,5279.024209
|
||||
-0.003357,779,5287.909243
|
||||
0.32245,1237,5302.149348
|
||||
0.202432,1544,5319.715334
|
||||
0.274734,1634,5338.488308
|
||||
0.168883,1267,5353.275285
|
||||
0.49345,1130,5366.24682
|
||||
-0.039531,777,5375.130621
|
||||
0.199059,1005,5386.619715
|
||||
0.134043,1488,5403.062119
|
||||
-0.031298,1213,5417.107415
|
||||
0.635413,1221,5430.662368
|
||||
-0.048274,659,5437.978132
|
||||
0.266488,1068,5450.536219
|
||||
0.009855,1039,5462.055421
|
||||
0.165883,1357,5476.87825
|
||||
0.182883,1136,5489.867243
|
||||
0.568204,1429,5506.04287
|
||||
0.303357,1560,5524.542344
|
||||
0.148711,1387,5539.668746
|
||||
0.547735,1094,5552.529718
|
||||
0.547133,1204,5565.900548
|
||||
0.350843,1687,5585.847369
|
||||
0.219384,1252,5599.244967
|
||||
0.478229,1287,5613.662111
|
||||
0.643569,1141,5626.757025
|
||||
0.438748,1903,5648.525152
|
||||
0.288042,1537,5666.112037
|
||||
0.55055,1147,5679.364974
|
||||
0.540887,1638,5698.337148
|
||||
-0.008942,1089,5711.552686
|
||||
0.501607,1346,5726.472234
|
||||
0.060421,1080,5738.525993
|
||||
-0.012942,1188,5752.743114
|
||||
0.458108,1822,5773.284035
|
||||
0.223564,1169,5786.467795
|
||||
0.496801,1685,5805.621978
|
||||
0.544038,1558,5823.16164
|
||||
0.551719,1511,5840.637708
|
||||
-0.236121,869,5850.936882
|
||||
0.174495,1031,5862.582939
|
||||
0.489895,1890,5884.77982
|
||||
-0.054531,1497,5902.332631
|
||||
0.476225,1370,5917.55641
|
||||
0.518089,1484,5935.32581
|
||||
0.697913,1038,5947.297655
|
||||
0.126314,790,5956.232607
|
||||
0.274138,1110,5969.087
|
||||
0.088484,1326,5983.804893
|
||||
0.06587,1110,5996.908069
|
||||
0.470917,1772,6017.570665
|
||||
0.467357,1607,6036.289413
|
||||
0.142057,954,6048.439018
|
||||
0.26822,1300,6063.497838
|
||||
0.265378,1312,6079.084197
|
||||
0.537331,1498,6097.092046
|
||||
0.308924,1405,6113.449901
|
||||
0.109344,1261,6128.459917
|
||||
0.669762,860,6138.055008
|
||||
0.152711,1242,6152.879194
|
||||
0.063421,778,6161.991296
|
||||
0.35197,1972,6185.461678
|
||||
0.148948,1205,6199.281093
|
||||
0.538404,1306,6214.279584
|
||||
0.36597,1486,6232.746969
|
||||
0.333737,2107,6257.690215
|
||||
0.012402,1063,6271.692791
|
||||
0.364,1484,6289.58904
|
||||
0.622855,1060,6301.971003
|
||||
0.162883,1357,6319.036739
|
||||
0.246965,1650,6339.435691
|
||||
0.291734,1039,6351.891389
|
||||
0.192297,1578,6370.576223
|
||||
0.275699,1859,6393.211031
|
||||
0.554031,1533,6411.894744
|
||||
0.77624,761,6421.38866
|
||||
0.297258,1330,6436.910682
|
||||
0.243936,1476,6456.092498
|
||||
0.287863,1059,6468.730793
|
||||
0.617868,1470,6485.671503
|
||||
-0.117502,620,6493.193437
|
||||
0.523279,1436,6510.953708
|
||||
0.232783,1281,6526.300683
|
||||
0.126057,975,6537.273669
|
||||
0.101272,979,6549.056252
|
||||
0.419805,1763,6570.412484
|
||||
0.291799,1811,6592.143195
|
||||
0.217167,1187,6606.281862
|
||||
0.447968,1446,6623.184317
|
||||
0.134564,863,6633.910758
|
||||
0.126948,1179,6647.806896
|
||||
0.392301,1748,6669.317222
|
||||
0.690824,846,6680.193
|
||||
0.214692,1726,6700.671504
|
||||
0.498734,1388,6717.363555
|
||||
0.221157,1243,6732.418976
|
||||
0.566529,1285,6748.233417
|
||||
0.600228,924,6759.402407
|
||||
0.091564,1052,6772.035427
|
||||
0.480459,1489,6791.080731
|
||||
0.089302,1211,6805.517682
|
||||
-0.124719,1039,6818.269203
|
||||
0.490603,1745,6840.216898
|
||||
0.090302,1132,6854.461658
|
||||
0.265453,1377,6870.286272
|
||||
0.266667,1857,6893.170039
|
||||
0.33245,1952,6916.297037
|
||||
-0.304704,764,6925.548095
|
||||
-0.162979,1039,6938.010589
|
||||
0.290153,1531,6956.734369
|
||||
0.191157,1677,6977.03902
|
||||
0.27422,1267,6992.918086
|
||||
-0.346,587,7000.632542
|
||||
0.182883,898,7011.477269
|
||||
0.172396,1444,7028.761753
|
||||
0.190014,1847,7051.965228
|
||||
-0.044345,1524,7070.669652
|
||||
0.277965,1385,7086.521573
|
||||
0.682262,740,7095.729229
|
||||
0.315258,1963,7119.546574
|
||||
0.420007,2273,7147.984242
|
||||
0.62755,967,7160.184568
|
||||
-0.273288,654,7168.183851
|
||||
0.058421,1960,7191.698081
|
||||
0.523352,1718,7213.321492
|
||||
0.152921,1338,7228.931495
|
||||
0.270527,1052,7241.422172
|
||||
0.166701,1561,7259.785138
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,460 @@
|
||||
#{"t_start": 1680618620.5619814, "env_id": null}
|
||||
r,l,t
|
||||
-0.209126,798,15.495865
|
||||
0.296258,1666,35.448927
|
||||
-0.000771,956,46.476265
|
||||
0.36494,2022,70.496044
|
||||
0.042971,1102,84.352511
|
||||
0.191059,1245,98.82504
|
||||
-0.004623,1253,114.090027
|
||||
0.35258,1804,135.765235
|
||||
0.582757,1331,152.34095
|
||||
0.177701,1233,166.650425
|
||||
0.200357,1232,181.737547
|
||||
0.209014,1252,196.943296
|
||||
0.272734,1596,215.743326
|
||||
0.36097,1759,237.080189
|
||||
0.11165,940,247.794722
|
||||
0.585196,1173,262.052264
|
||||
0.487152,1460,280.040301
|
||||
0.217277,1670,299.9905
|
||||
0.10865,1444,317.233394
|
||||
0.221277,1237,332.484731
|
||||
0.013862,898,343.348797
|
||||
0.244384,1438,360.384756
|
||||
0.297378,1247,375.573317
|
||||
0.143564,1009,387.852867
|
||||
0.34994,1453,404.698465
|
||||
0.550607,1339,420.131447
|
||||
0.321258,1831,442.56352
|
||||
-0.150159,1207,456.676237
|
||||
0.274783,839,467.300693
|
||||
-0.174979,617,474.854721
|
||||
0.59314,959,485.928885
|
||||
-0.071913,1124,499.785774
|
||||
0.068959,1117,513.492543
|
||||
0.35197,1571,532.285683
|
||||
0.230688,1348,547.85951
|
||||
0.35197,1198,562.778036
|
||||
-0.089118,857,572.234677
|
||||
0.057971,952,584.103354
|
||||
0.197297,1077,596.463809
|
||||
0.514368,1154,610.310973
|
||||
0.31045,1826,633.237673
|
||||
0.598026,1162,647.373414
|
||||
0.042437,1175,661.404036
|
||||
0.295799,1625,681.604767
|
||||
-0.147111,1191,695.896099
|
||||
0.259527,2018,720.595149
|
||||
0.230936,1713,740.85102
|
||||
0.118519,1326,756.577826
|
||||
0.087668,1179,771.727233
|
||||
0.552639,1396,787.459887
|
||||
0.535719,1511,806.074966
|
||||
0.242783,1778,827.778393
|
||||
0.135272,1234,843.409334
|
||||
0.371908,1887,866.731896
|
||||
0.279863,1749,887.229335
|
||||
-0.000775,1112,900.645164
|
||||
0.010855,1205,914.664349
|
||||
0.636234,989,926.559214
|
||||
0.267378,1718,946.421853
|
||||
0.18223,1565,966.352822
|
||||
0.19023,1413,983.279476
|
||||
-0.084274,1003,995.996242
|
||||
0.346308,1482,1013.979606
|
||||
0.254384,1395,1031.272479
|
||||
0.117519,1416,1048.426856
|
||||
-0.089118,1309,1064.00166
|
||||
-0.011138,758,1073.456068
|
||||
0.062948,1559,1091.892384
|
||||
0.086302,1431,1109.664215
|
||||
0.212692,1206,1123.458683
|
||||
0.37997,1895,1146.621102
|
||||
0.25422,1602,1165.611773
|
||||
0.359808,1926,1189.187743
|
||||
-0.083913,971,1201.542576
|
||||
0.234589,1519,1220.269446
|
||||
0.005402,1372,1237.111561
|
||||
0.185059,1246,1251.476462
|
||||
0.37197,1674,1271.396582
|
||||
-0.11233,615,1279.010865
|
||||
0.35197,2616,1311.609653
|
||||
0.028518,1160,1325.718545
|
||||
0.467726,1595,1344.280744
|
||||
0.115028,1225,1359.524373
|
||||
0.32845,1435,1376.930275
|
||||
0.191297,1264,1392.747741
|
||||
0.260378,1404,1410.502486
|
||||
0.167272,1080,1423.217164
|
||||
0.369843,1477,1441.541211
|
||||
0.319206,1658,1461.553221
|
||||
0.074728,1208,1475.665178
|
||||
0.548189,1356,1492.455154
|
||||
0.298924,1191,1506.467877
|
||||
0.082302,1172,1520.403888
|
||||
-0.088675,1364,1537.501266
|
||||
0.441694,2158,1565.318418
|
||||
-0.16144,966,1577.268431
|
||||
0.121432,1275,1593.708437
|
||||
-0.032113,1394,1609.985203
|
||||
0.519243,1047,1621.775052
|
||||
0.425078,1833,1643.30417
|
||||
0.122792,1632,1661.59155
|
||||
0.001028,1020,1673.228978
|
||||
0.259378,1687,1692.216984
|
||||
0.165921,1153,1706.94399
|
||||
-0.011295,878,1716.499381
|
||||
0.563248,1254,1730.965372
|
||||
0.542607,1346,1746.834907
|
||||
0.020518,1302,1761.908933
|
||||
0.518552,1404,1778.221351
|
||||
0.348908,1921,1800.356223
|
||||
0.339843,1550,1818.066865
|
||||
-0.062674,1205,1831.394082
|
||||
0.351621,1998,1854.393761
|
||||
0.391613,1838,1874.967459
|
||||
0.438529,1285,1889.749467
|
||||
0.532383,1598,1908.819521
|
||||
0.358737,1457,1925.260255
|
||||
0.335661,1503,1943.070518
|
||||
0.507877,1409,1959.162694
|
||||
0.050994,979,1970.842567
|
||||
0.323404,1286,1985.961279
|
||||
-0.075274,619,1993.231571
|
||||
0.216277,1563,2013.2039
|
||||
-0.002771,983,2025.088174
|
||||
0.588066,1541,2044.314266
|
||||
0.36894,1621,2062.910535
|
||||
0.702403,983,2074.292737
|
||||
0.782471,735,2082.77484
|
||||
0.346843,1743,2101.698065
|
||||
0.290098,1390,2117.559944
|
||||
0.286453,1344,2132.296377
|
||||
0.182866,1070,2144.866098
|
||||
0.122023,1410,2160.51511
|
||||
0.52769,1050,2171.871964
|
||||
-0.243389,915,2181.830578
|
||||
0.129564,1189,2195.841496
|
||||
0.237564,1362,2210.372499
|
||||
0.536995,1302,2224.631061
|
||||
0.657484,1124,2237.301429
|
||||
0.249965,1405,2253.078815
|
||||
0.291153,1466,2270.074392
|
||||
0.720333,909,2280.138974
|
||||
0.226589,1409,2295.766322
|
||||
0.57597,1104,2307.565963
|
||||
0.505225,1582,2325.847925
|
||||
0.331661,1372,2340.503596
|
||||
0.227053,1646,2358.932651
|
||||
0.51178,1290,2373.406551
|
||||
0.538954,1054,2385.85862
|
||||
0.178557,1132,2397.662976
|
||||
0.609417,727,2405.964509
|
||||
0.317495,1605,2424.169536
|
||||
0.286,1337,2438.796666
|
||||
0.134043,1197,2451.963198
|
||||
0.31245,1359,2467.572583
|
||||
0.35594,1227,2481.691506
|
||||
0.452734,1388,2496.57534
|
||||
0.555897,1351,2511.94185
|
||||
0.475724,1667,2530.649403
|
||||
0.557393,1555,2547.684705
|
||||
-0.056531,1435,2563.411155
|
||||
0.492331,1625,2581.560798
|
||||
0.468531,1588,2598.901066
|
||||
0.308206,1718,2618.556669
|
||||
0.180557,1224,2631.701961
|
||||
0.601254,1267,2645.920212
|
||||
-0.295704,757,2654.467729
|
||||
0.032881,935,2665.636445
|
||||
0.145238,1315,2679.944522
|
||||
0.130807,1368,2695.231075
|
||||
0.260453,1606,2712.569545
|
||||
0.571335,1327,2726.958905
|
||||
0.478706,1544,2745.167173
|
||||
0.509625,1360,2759.654516
|
||||
0.255167,1051,2771.190321
|
||||
0.572426,1196,2785.116878
|
||||
0.521885,1439,2800.940102
|
||||
-0.34,653,2808.374857
|
||||
0.611094,1255,2822.481225
|
||||
0.100302,1300,2836.806452
|
||||
0.17223,1886,2858.250896
|
||||
0.236384,1589,2875.766093
|
||||
0.094023,1116,2888.518988
|
||||
0.102495,1594,2905.83457
|
||||
0.147495,1281,2920.104252
|
||||
0.35494,1688,2939.330334
|
||||
0.588038,1059,2950.97753
|
||||
0.160515,1063,2962.44082
|
||||
0.558924,1365,2977.871629
|
||||
0.140948,1017,2989.339029
|
||||
0.340843,1715,3008.149826
|
||||
0.228816,1290,3022.662215
|
||||
-0.091675,1273,3037.144441
|
||||
0.609757,1331,3052.369377
|
||||
0.50974,1471,3068.399817
|
||||
0.177396,1455,3084.273316
|
||||
0.142807,1273,3098.497115
|
||||
0.276863,2045,3121.247102
|
||||
0.607755,1352,3136.707352
|
||||
0.055314,1412,3152.490093
|
||||
0.307357,1607,3170.166893
|
||||
0.156921,1760,3190.373449
|
||||
-0.012502,838,3200.779052
|
||||
0.015225,1338,3215.632683
|
||||
0.302527,1478,3233.203139
|
||||
0.708112,891,3243.307488
|
||||
0.040887,773,3252.18839
|
||||
0.672288,853,3261.235342
|
||||
0.04949,862,3271.278678
|
||||
0.212053,1665,3290.533495
|
||||
0.526613,1045,3302.509899
|
||||
0.70249,1062,3315.993821
|
||||
0.272799,1420,3333.145315
|
||||
0.058959,1128,3346.924581
|
||||
0.555484,1124,3359.807204
|
||||
0.579642,1245,3375.051143
|
||||
0.475042,2071,3399.924043
|
||||
0.301308,1554,3418.216075
|
||||
-0.095118,958,3430.446065
|
||||
0.299206,1591,3449.295474
|
||||
0.266053,1337,3465.932858
|
||||
0.004643,1111,3478.520002
|
||||
0.412416,1589,3498.258796
|
||||
0.182557,1396,3515.1425
|
||||
-0.34,811,3524.771183
|
||||
0.030136,1163,3538.598022
|
||||
0.435408,1930,3560.408447
|
||||
0.193014,1388,3576.392796
|
||||
-0.091675,1026,3587.990402
|
||||
0.238564,1066,3599.642537
|
||||
0.496281,1459,3616.588251
|
||||
0.449841,1594,3633.914497
|
||||
0.312206,1508,3651.141335
|
||||
0.325621,1970,3672.752952
|
||||
0.235876,1799,3692.801764
|
||||
0.71707,854,3702.636904
|
||||
0.187866,1719,3722.649194
|
||||
0.214297,1159,3735.792566
|
||||
0.036225,1133,3747.717238
|
||||
0.331621,1613,3766.477213
|
||||
0.680876,1181,3779.510572
|
||||
0.257453,1213,3793.733659
|
||||
0.574885,1439,3809.794586
|
||||
0.183557,1456,3825.707838
|
||||
0.517484,1124,3838.455727
|
||||
0.07187,1257,3852.595418
|
||||
0.061484,1179,3865.942179
|
||||
0.544891,1620,3884.293366
|
||||
-0.132121,851,3894.039914
|
||||
0.649809,1012,3904.730886
|
||||
0.598178,1342,3920.095649
|
||||
0.120344,1065,3931.747108
|
||||
0.546059,1048,3943.294376
|
||||
0.210053,1411,3958.964763
|
||||
0.312495,1906,3980.196535
|
||||
0.114023,1363,3995.542024
|
||||
0.555109,1583,4012.962463
|
||||
0.467352,1320,4028.128417
|
||||
-0.341,538,4033.905165
|
||||
0.677846,897,4043.91508
|
||||
0.507186,1591,4061.20671
|
||||
0.611885,1296,4075.562071
|
||||
-0.088675,1292,4091.117446
|
||||
0.521401,1747,4110.681627
|
||||
0.337621,1568,4128.336792
|
||||
0.576343,691,4136.602443
|
||||
0.063421,912,4147.038756
|
||||
0.277527,1200,4160.470852
|
||||
0.37097,1384,4176.305866
|
||||
0.178495,1539,4193.946043
|
||||
0.102926,1095,4206.839688
|
||||
0.483171,1832,4227.351449
|
||||
0.141057,1459,4243.616108
|
||||
0.129519,1225,4258.021635
|
||||
0.150124,1519,4275.529996
|
||||
0.01655,901,4285.705831
|
||||
0.165057,1154,4298.797936
|
||||
0.148564,913,4308.959923
|
||||
0.614729,1188,4321.946188
|
||||
0.353737,1448,4338.77211
|
||||
0.093023,1224,4351.9899
|
||||
0.153043,1355,4367.54233
|
||||
0.481144,1876,4387.774116
|
||||
0.08587,1049,4400.290937
|
||||
0.489678,1649,4418.963476
|
||||
0.175701,1403,4434.059775
|
||||
0.433136,1910,4455.668929
|
||||
0.126519,1503,4472.749919
|
||||
0.465974,1379,4488.340888
|
||||
0.503976,1567,4505.832642
|
||||
0.715425,899,4515.852976
|
||||
0.015881,927,4526.043385
|
||||
0.507187,1452,4542.85811
|
||||
-0.035295,1094,4554.51809
|
||||
0.606096,1223,4568.615863
|
||||
0.496335,1841,4589.277127
|
||||
0.324621,1975,4612.071309
|
||||
0.468574,1579,4629.735074
|
||||
0.538347,1547,4647.491574
|
||||
0.596794,1105,4660.252706
|
||||
0.123792,1461,4676.163871
|
||||
0.382301,1748,4696.017477
|
||||
-0.134121,1095,4707.858303
|
||||
0.219432,1265,4722.202675
|
||||
0.743381,752,4730.608249
|
||||
0.462,1751,4750.356609
|
||||
-0.018502,1114,4762.026683
|
||||
0.343699,1987,4784.767811
|
||||
-0.344,612,4791.98292
|
||||
0.335773,1337,4806.616432
|
||||
-0.029422,714,4815.152374
|
||||
0.065305,996,4826.505159
|
||||
0.302357,1798,4846.671583
|
||||
0.310042,2118,4869.966268
|
||||
0.34994,1728,4889.800222
|
||||
0.201432,1432,4905.635499
|
||||
0.366773,1361,4921.468394
|
||||
-0.048422,927,4931.768029
|
||||
-0.021295,1040,4943.342564
|
||||
0.046136,967,4953.852458
|
||||
0.143807,1400,4969.809473
|
||||
0.530849,1478,4986.739385
|
||||
0.287863,1269,5001.219321
|
||||
0.202692,1484,5017.552063
|
||||
0.313308,1611,5036.215589
|
||||
-0.041298,777,5044.867123
|
||||
0.292153,1463,5061.849582
|
||||
0.472614,2188,5086.60974
|
||||
0.680636,898,5096.589704
|
||||
0.053887,1208,5109.897209
|
||||
0.698211,1149,5122.671472
|
||||
-0.196557,913,5132.672828
|
||||
-0.079591,1256,5147.265236
|
||||
0.183714,1410,5163.090096
|
||||
0.327699,2020,5186.078418
|
||||
0.623432,1279,5200.474032
|
||||
0.300308,2038,5223.944845
|
||||
0.292527,1409,5239.894394
|
||||
0.38694,1516,5257.172964
|
||||
0.35297,1608,5274.682654
|
||||
0.548124,1468,5291.893407
|
||||
-0.170791,1194,5305.147111
|
||||
0.182866,1509,5322.540303
|
||||
-0.157677,979,5333.12213
|
||||
0.159515,1387,5349.073024
|
||||
0.033518,952,5360.54815
|
||||
0.230488,1890,5381.360235
|
||||
0.153921,1650,5400.32511
|
||||
0.35794,1967,5423.108675
|
||||
0.514966,2072,5446.468728
|
||||
0.11865,917,5456.567883
|
||||
0.50733,1355,5472.286735
|
||||
0.396119,1682,5491.123705
|
||||
0.240816,1019,5502.731107
|
||||
-0.013942,966,5513.315768
|
||||
0.225384,1319,5528.965958
|
||||
0.35797,1776,5548.47414
|
||||
0.37794,2104,5573.073294
|
||||
0.275598,1356,5587.908343
|
||||
0.48877,1055,5600.408177
|
||||
-0.136111,972,5610.834406
|
||||
0.176396,1320,5626.470021
|
||||
0.490096,1922,5648.327425
|
||||
0.599889,1145,5661.415296
|
||||
0.072421,1101,5673.373691
|
||||
0.105028,1559,5691.317049
|
||||
0.148272,786,5700.236743
|
||||
0.231384,2085,5725.04166
|
||||
0.566826,1543,5742.682064
|
||||
0.370302,1758,5762.986556
|
||||
0.463674,1816,5783.550745
|
||||
0.06749,750,5792.352622
|
||||
0.257378,1326,5807.03337
|
||||
0.030518,1055,5818.68777
|
||||
0.323661,1476,5836.16872
|
||||
0.227488,1206,5849.594887
|
||||
0.341876,1343,5865.471511
|
||||
-0.089041,1286,5880.442847
|
||||
0.503213,1507,5896.988096
|
||||
0.201564,1257,5911.826651
|
||||
0.230621,1371,5928.144929
|
||||
0.146807,1256,5942.948762
|
||||
0.461301,1943,5964.992688
|
||||
0.342808,1847,5985.52543
|
||||
0.33558,1504,6003.079978
|
||||
0.449841,1594,6022.645684
|
||||
0.450833,1502,6039.541019
|
||||
0.434386,1942,6063.463652
|
||||
0.476603,1745,6083.753951
|
||||
0.188014,1653,6103.363189
|
||||
0.347843,1517,6121.177904
|
||||
0.492894,1337,6136.634088
|
||||
-0.069913,743,6145.617011
|
||||
0.095139,1012,6157.571836
|
||||
0.444225,1681,6177.023634
|
||||
0.316258,1466,6194.668253
|
||||
0.446583,1796,6215.743192
|
||||
-0.11533,816,6225.18205
|
||||
0.441875,1913,6248.28342
|
||||
0.559368,1215,6263.723622
|
||||
0.565958,1501,6281.795277
|
||||
-0.329,816,6292.53823
|
||||
0.493115,1618,6311.535882
|
||||
0.475036,1070,6325.230255
|
||||
0.206692,1476,6342.946611
|
||||
0.330699,1642,6362.778564
|
||||
0.650181,934,6373.650766
|
||||
0.544109,1242,6388.931136
|
||||
0.176059,1246,6404.061615
|
||||
0.248167,1038,6416.890991
|
||||
0.666477,760,6426.235595
|
||||
0.460771,2115,6451.708419
|
||||
0.350773,2013,6476.435416
|
||||
0.24922,977,6488.407927
|
||||
0.298153,1452,6505.260869
|
||||
0.654523,1118,6518.919887
|
||||
0.446694,2158,6544.562004
|
||||
0.250965,1655,6564.423909
|
||||
0.086926,1382,6580.37198
|
||||
-0.020623,946,6592.264196
|
||||
-0.082337,1332,6607.982719
|
||||
0.433118,2070,6632.595228
|
||||
0.134043,1214,6647.688895
|
||||
0.309734,1609,6666.427161
|
||||
0.270734,1670,6687.105469
|
||||
0.544574,1579,6706.768667
|
||||
0.016302,1251,6721.056486
|
||||
0.368876,1771,6742.433026
|
||||
0.497383,1598,6762.73797
|
||||
0.271598,1302,6778.552567
|
||||
0.545657,1123,6792.887048
|
||||
0.328404,1146,6807.090486
|
||||
0.468644,1318,6823.127139
|
||||
0.313308,1548,6842.021439
|
||||
0.531878,1585,6861.236839
|
||||
0.278667,1153,6875.035861
|
||||
0.410905,1742,6896.386442
|
||||
0.341808,1435,6913.322745
|
||||
0.538186,1540,6931.917734
|
||||
0.50607,1415,6948.994963
|
||||
0.533101,1021,6961.516516
|
||||
0.544248,1254,6977.065021
|
||||
0.455186,2056,7002.526242
|
||||
0.308042,1341,7019.245758
|
||||
0.195866,1651,7039.582637
|
||||
0.542085,1371,7055.62609
|
||||
-0.043345,1084,7069.443371
|
||||
0.105703,1144,7083.273569
|
||||
0.032881,890,7094.044217
|
||||
0.489317,1451,7111.544741
|
||||
0.146807,1404,7129.038409
|
||||
0.346908,2024,7154.187896
|
||||
0.470507,1571,7173.097499
|
||||
0.473595,1480,7191.536077
|
||||
0.454365,973,7202.826272
|
||||
0.51198,1517,7221.347555
|
||||
0.38794,1409,7238.406844
|
||||
0.37694,1731,7259.465137
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,478 @@
|
||||
#{"t_start": 1680618620.5359814, "env_id": null}
|
||||
r,l,t
|
||||
0.138807,1422,23.224307
|
||||
-0.313,758,32.338928
|
||||
0.276843,1201,46.345266
|
||||
0.220053,1144,59.958649
|
||||
0.19023,1297,75.166647
|
||||
0.5842,1155,89.361837
|
||||
0.270734,1415,106.353744
|
||||
0.080484,986,118.566231
|
||||
0.299308,2114,143.457037
|
||||
-0.015771,1209,158.574562
|
||||
0.345876,1532,177.137711
|
||||
0.462202,1821,198.6698
|
||||
0.680955,1006,211.063816
|
||||
0.234783,1252,226.096113
|
||||
0.38994,1767,246.398508
|
||||
0.16923,1341,263.42783
|
||||
0.355876,1614,281.92955
|
||||
0.534006,1646,301.811632
|
||||
0.572018,1262,317.286394
|
||||
0.179714,1391,334.16512
|
||||
0.659673,1061,346.721392
|
||||
0.080926,1012,358.978505
|
||||
0.330699,1906,382.081633
|
||||
0.18023,1257,397.043733
|
||||
0.014402,1038,409.194811
|
||||
0.228157,1209,423.162299
|
||||
0.114519,1689,444.027879
|
||||
0.151272,1290,459.542734
|
||||
-0.168979,749,468.808704
|
||||
0.137272,1126,481.431869
|
||||
0.170495,1230,496.828739
|
||||
0.320495,1769,518.225907
|
||||
0.096495,1144,532.275686
|
||||
0.138272,1250,547.44302
|
||||
0.2683,1675,567.352961
|
||||
0.742294,914,578.013326
|
||||
0.104028,1710,597.944783
|
||||
0.157515,1519,616.300561
|
||||
0.215167,1499,634.858937
|
||||
0.078926,1171,649.074575
|
||||
-0.141121,766,658.328671
|
||||
0.721102,712,666.515627
|
||||
0.501865,1263,682.109279
|
||||
0.294098,2464,712.862504
|
||||
0.144043,1704,733.003559
|
||||
0.35394,1463,750.388128
|
||||
0.561523,1118,764.146571
|
||||
0.332773,1788,785.756419
|
||||
0.324538,1644,805.870749
|
||||
0.152711,1327,821.576584
|
||||
-0.004357,879,832.556342
|
||||
0.515046,1329,848.527761
|
||||
-0.084138,806,859.045937
|
||||
0.05932,1056,871.645802
|
||||
0.462864,1814,893.306036
|
||||
0.052437,940,904.008617
|
||||
0.444446,1642,923.708173
|
||||
0.205014,1270,938.790728
|
||||
0.021518,1052,951.237841
|
||||
0.339258,1714,972.529913
|
||||
-0.030295,1020,985.01216
|
||||
-0.13744,627,992.940899
|
||||
0.037518,1021,1005.766875
|
||||
0.582402,1253,1020.432917
|
||||
0.35194,1511,1039.242459
|
||||
-0.022406,1025,1051.67488
|
||||
-0.35,744,1060.810016
|
||||
0.333773,1490,1079.32295
|
||||
-0.099489,744,1088.383114
|
||||
0.535734,1388,1103.95569
|
||||
0.168883,1470,1121.840723
|
||||
0.188157,1608,1140.848499
|
||||
0.258378,1890,1164.013869
|
||||
-0.058531,1448,1182.475661
|
||||
-0.137189,1082,1195.368964
|
||||
0.138272,1441,1212.813464
|
||||
0.01355,753,1221.947333
|
||||
-0.007502,1098,1235.719368
|
||||
-0.015074,826,1245.303717
|
||||
0.325661,2451,1274.430778
|
||||
-0.348,635,1282.266331
|
||||
0.306258,1022,1294.763351
|
||||
0.017881,1026,1307.312889
|
||||
0.208098,1094,1321.182919
|
||||
0.246053,1534,1339.573951
|
||||
-0.045422,813,1349.003054
|
||||
0.199701,1320,1364.697588
|
||||
-0.030298,1068,1378.450882
|
||||
0.207692,1285,1394.333645
|
||||
0.368699,1653,1415.140474
|
||||
0.642365,973,1426.431293
|
||||
0.262453,1630,1446.282755
|
||||
-0.17235,628,1454.022406
|
||||
0.515333,1490,1472.380011
|
||||
0.108028,1005,1483.612094
|
||||
0.284042,1707,1504.903693
|
||||
0.197432,1227,1518.941149
|
||||
0.355699,1396,1536.233615
|
||||
0.640802,1088,1550.581736
|
||||
-0.092603,847,1560.879324
|
||||
0.052484,1029,1574.114197
|
||||
0.311404,1189,1590.23325
|
||||
0.486652,1677,1609.906203
|
||||
0.563455,1202,1623.260621
|
||||
0.280863,1916,1645.208063
|
||||
0.519804,1743,1665.696667
|
||||
-0.291452,639,1673.016888
|
||||
0.310153,1832,1693.538331
|
||||
0.448039,1958,1716.573025
|
||||
0.647535,1024,1728.151665
|
||||
0.553879,878,1738.334259
|
||||
-0.206126,1011,1750.017663
|
||||
0.597047,1236,1764.816576
|
||||
0.143495,1210,1778.499352
|
||||
0.490868,1470,1795.928092
|
||||
0.238876,1663,1814.995018
|
||||
0.186883,1460,1831.349082
|
||||
0.02255,887,1841.490778
|
||||
0.275863,1508,1858.780499
|
||||
0.331,1577,1876.392253
|
||||
0.546325,1260,1891.046075
|
||||
0.484894,1337,1907.080943
|
||||
0.096368,924,1917.677638
|
||||
0.569077,1192,1931.089197
|
||||
-0.019295,1050,1943.239464
|
||||
0.489734,1388,1959.250692
|
||||
0.181396,1206,1973.810444
|
||||
0.476637,1464,1990.560492
|
||||
0.112368,784,2000.036848
|
||||
0.475394,1113,2014.934103
|
||||
-0.17235,835,2025.065173
|
||||
0.080305,1182,2041.00696
|
||||
0.507124,1524,2057.279302
|
||||
0.568798,1044,2069.893999
|
||||
0.507698,1381,2084.693258
|
||||
0.295799,1673,2103.290439
|
||||
0.163711,986,2114.716364
|
||||
0.298843,2511,2143.391788
|
||||
0.653251,1137,2156.250059
|
||||
0.532209,1216,2169.111147
|
||||
0.123519,1197,2182.951234
|
||||
0.189557,1086,2194.713861
|
||||
0.622038,1350,2210.100123
|
||||
-0.014942,1124,2221.780261
|
||||
0.428993,2020,2244.534011
|
||||
0.630134,1422,2260.383584
|
||||
0.087297,1134,2273.197369
|
||||
0.486706,1544,2290.340854
|
||||
0.068484,968,2301.660161
|
||||
0.435712,1264,2315.890495
|
||||
-0.163979,701,2323.2723
|
||||
0.504206,1956,2344.770879
|
||||
-0.047345,868,2354.687563
|
||||
0.252876,1141,2367.481938
|
||||
0.138876,1173,2380.560558
|
||||
-0.020282,853,2390.265046
|
||||
0.465735,1724,2408.987415
|
||||
0.026737,1179,2422.751661
|
||||
0.35094,1506,2438.973665
|
||||
0.47649,1707,2458.818019
|
||||
0.610855,1060,2470.478866
|
||||
0.71862,751,2478.973812
|
||||
-0.032295,997,2490.375743
|
||||
0.005229,566,2496.40134
|
||||
0.272799,1476,2513.158028
|
||||
0.442213,1507,2529.437463
|
||||
0.280799,1488,2546.179851
|
||||
0.097302,922,2556.266311
|
||||
0.219384,1300,2570.39229
|
||||
0.074139,1350,2585.751849
|
||||
0.099368,1006,2597.080492
|
||||
-0.042422,1140,2609.886842
|
||||
0.048437,801,2618.565668
|
||||
-0.04051,882,2628.556955
|
||||
-0.055118,849,2637.386868
|
||||
0.200564,1424,2654.100401
|
||||
0.292153,1563,2671.358139
|
||||
0.448401,1757,2690.122593
|
||||
0.357,2176,2714.21876
|
||||
0.198297,1413,2729.899118
|
||||
0.150124,1296,2745.253173
|
||||
0.373773,1831,2765.232746
|
||||
0.039518,936,2775.456354
|
||||
0.462213,1507,2792.400413
|
||||
0.550017,1610,2811.011273
|
||||
0.328699,2489,2838.317271
|
||||
0.739327,808,2847.029501
|
||||
0.082302,1185,2861.149456
|
||||
0.084305,1047,2872.755558
|
||||
0.243876,1604,2890.194683
|
||||
0.131807,1384,2905.772572
|
||||
0.673953,1243,2919.883252
|
||||
0.374908,1272,2933.899886
|
||||
0.155564,1606,2951.251289
|
||||
0.349,1933,2972.571433
|
||||
0.247688,1349,2988.027501
|
||||
0.181883,1221,3001.26357
|
||||
0.439401,1747,3021.205177
|
||||
0.324984,1723,3041.17308
|
||||
0.223277,1192,3054.087973
|
||||
0.463505,1850,3074.306573
|
||||
0.180921,1144,3087.183477
|
||||
-0.003138,949,3098.224687
|
||||
0.190799,1023,3109.690752
|
||||
0.599719,1146,3122.373541
|
||||
0.26222,1724,3141.120851
|
||||
0.198883,1186,3154.265364
|
||||
-0.288704,593,3161.293564
|
||||
0.493103,1516,3178.470325
|
||||
-0.099489,636,3185.644535
|
||||
-0.114,1093,3198.206844
|
||||
0.154322,1031,3210.088557
|
||||
0.580228,924,3221.410223
|
||||
0.476226,1515,3238.019096
|
||||
0.277924,1228,3252.389701
|
||||
0.463838,1723,3272.475891
|
||||
0.134792,1041,3284.476217
|
||||
-0.008138,1079,3296.586705
|
||||
0.206816,1444,3313.311138
|
||||
-0.156674,837,3324.057063
|
||||
0.148272,1744,3345.452471
|
||||
0.06349,926,3356.492112
|
||||
0.692369,839,3365.971308
|
||||
0.589206,1321,3382.594228
|
||||
0.597541,908,3393.58596
|
||||
0.229589,1807,3414.94583
|
||||
0.280924,1433,3432.107409
|
||||
0.241384,1454,3449.405472
|
||||
0.40788,2275,3476.955061
|
||||
-0.040041,773,3486.219748
|
||||
-0.033307,774,3495.484195
|
||||
0.354843,1968,3519.916952
|
||||
0.664536,889,3530.766478
|
||||
0.362773,1923,3552.905202
|
||||
0.117519,1651,3571.768207
|
||||
0.588368,1215,3585.167884
|
||||
0.071728,753,3593.673338
|
||||
0.39194,1527,3610.964561
|
||||
0.254688,1306,3625.33827
|
||||
0.156711,1097,3637.95006
|
||||
0.099538,1016,3649.491131
|
||||
0.104703,1133,3661.426191
|
||||
0.33,1581,3679.577765
|
||||
-0.109312,719,3687.096105
|
||||
0.046994,1039,3698.548074
|
||||
0.076994,999,3709.902849
|
||||
0.33545,1366,3725.798618
|
||||
-0.162979,774,3734.520305
|
||||
-0.161979,721,3743.002174
|
||||
0.38747,1941,3764.983494
|
||||
0.560739,1140,3777.792395
|
||||
0.079421,1186,3790.917767
|
||||
-0.160677,647,3798.244659
|
||||
0.351699,1174,3811.32342
|
||||
0.505966,1127,3824.057316
|
||||
0.320206,1467,3840.074166
|
||||
0.087302,1164,3853.820105
|
||||
0.573492,998,3864.584116
|
||||
0.632942,950,3875.701815
|
||||
0.170701,1831,3895.844597
|
||||
0.300308,1536,3913.140787
|
||||
0.300984,1564,3930.404404
|
||||
0.121057,1265,3944.583108
|
||||
0.148495,1190,3957.646485
|
||||
-0.347,832,3967.27599
|
||||
0.601841,1594,3984.517316
|
||||
0.043136,904,3994.393916
|
||||
0.6027,1176,4008.22407
|
||||
0.186557,1755,4027.105627
|
||||
0.311495,1951,4049.571546
|
||||
0.248138,1568,4066.791749
|
||||
0.692999,661,4074.044888
|
||||
0.087668,858,4084.116702
|
||||
0.166921,1159,4097.07081
|
||||
0.110948,1389,4113.359636
|
||||
0.611916,1323,4128.166792
|
||||
0.337808,1684,4147.170753
|
||||
0.226432,1461,4164.466783
|
||||
0.746885,721,4172.054754
|
||||
0.346808,1421,4188.191127
|
||||
0.102344,1146,4201.310559
|
||||
0.241692,1299,4215.841038
|
||||
0.112302,1206,4230.346637
|
||||
0.56294,1199,4243.532108
|
||||
0.145948,1010,4255.179572
|
||||
0.462078,1833,4275.867585
|
||||
0.233688,1661,4294.677318
|
||||
0.545008,1211,4308.894923
|
||||
0.346908,1560,4326.108296
|
||||
0.118792,1324,4340.616657
|
||||
0.280799,1183,4354.571451
|
||||
0.594625,1325,4369.104594
|
||||
0.737541,781,4377.706674
|
||||
0.089023,836,4387.369865
|
||||
0.268453,1485,4403.50539
|
||||
0.620428,1014,4415.074893
|
||||
-0.025502,1120,4427.970958
|
||||
0.069305,1383,4443.798594
|
||||
-0.154979,1057,4455.472928
|
||||
0.469244,1608,4472.950116
|
||||
0.159272,1130,4485.709877
|
||||
0.460272,1690,4505.503643
|
||||
0.129564,1070,4517.154489
|
||||
-0.329,688,4524.598015
|
||||
0.537972,1674,4543.164392
|
||||
0.453802,1417,4559.018203
|
||||
0.371699,1879,4580.383436
|
||||
0.345843,1655,4599.367776
|
||||
0.347876,1416,4615.231843
|
||||
0.36797,1245,4629.63857
|
||||
0.274863,1573,4647.517574
|
||||
-0.114719,901,4657.588975
|
||||
0.2683,1039,4669.200903
|
||||
0.194432,1204,4683.060899
|
||||
0.125703,1225,4696.238477
|
||||
0.349621,1699,4716.111465
|
||||
0.32145,1523,4732.258342
|
||||
0.613041,1180,4746.048792
|
||||
-0.082913,1280,4760.246172
|
||||
0.359876,1783,4780.238814
|
||||
0.502152,1532,4797.476446
|
||||
0.32645,1688,4816.57993
|
||||
-0.011771,1083,4828.250335
|
||||
0.135238,1354,4843.823416
|
||||
0.283984,1379,4859.488377
|
||||
0.408907,1684,4878.258063
|
||||
0.077484,1063,4889.968424
|
||||
0.099028,1365,4905.537493
|
||||
-0.055913,863,4914.583271
|
||||
0.490697,1658,4933.532782
|
||||
0.571897,1351,4949.135445
|
||||
0.439033,2058,4972.550346
|
||||
-0.137189,1063,4984.151366
|
||||
0.342876,1739,5004.197264
|
||||
0.050887,865,5014.274953
|
||||
0.368108,1627,5032.001444
|
||||
0.4381,1899,5053.611562
|
||||
-0.076913,875,5063.502293
|
||||
0.308357,1310,5078.251864
|
||||
0.449282,1709,5097.985686
|
||||
0.131314,1070,5109.863211
|
||||
0.086139,1302,5124.198483
|
||||
0.161667,1738,5144.190762
|
||||
0.099703,1397,5160.028065
|
||||
0.260965,1523,5177.30632
|
||||
-0.044531,873,5186.356901
|
||||
0.352699,1347,5201.98023
|
||||
0.312308,1294,5216.866516
|
||||
0.076305,1056,5228.534352
|
||||
0.71237,830,5238.406938
|
||||
0.399626,1951,5260.346721
|
||||
0.248783,1484,5277.303561
|
||||
0.553085,1371,5292.251651
|
||||
0.112948,1553,5309.673569
|
||||
0.480666,1622,5328.570979
|
||||
0.326357,1620,5347.324527
|
||||
0.33358,1644,5366.353816
|
||||
0.06149,878,5375.630621
|
||||
0.248053,1749,5395.831092
|
||||
0.344357,1723,5415.79843
|
||||
0.150043,1211,5429.179421
|
||||
0.343843,1876,5450.674222
|
||||
0.563402,1190,5463.754787
|
||||
0.554588,1298,5478.281416
|
||||
0.60497,1104,5491.142705
|
||||
0.222488,1437,5507.35287
|
||||
0.540239,1191,5520.585312
|
||||
0.423335,1841,5542.35187
|
||||
0.004862,1024,5553.956404
|
||||
-0.287452,696,5561.454239
|
||||
0.46241,1767,5581.87615
|
||||
0.35097,2103,5605.058874
|
||||
-0.066563,1040,5616.692059
|
||||
0.531275,1556,5635.226351
|
||||
0.528294,1203,5648.555151
|
||||
0.147043,1331,5663.39879
|
||||
0.097368,1039,5675.094759
|
||||
0.502492,1272,5689.908337
|
||||
0.395695,1686,5710.268363
|
||||
-0.249304,622,5716.561306
|
||||
0.294098,1478,5734.087307
|
||||
0.629645,772,5742.83906
|
||||
0.494595,1480,5760.170593
|
||||
0.331737,1773,5779.611389
|
||||
0.180396,1435,5796.88909
|
||||
0.209396,1310,5811.310674
|
||||
0.051994,1207,5824.744041
|
||||
0.572699,1304,5840.401128
|
||||
0.253773,1705,5859.653034
|
||||
0.095668,1217,5873.364398
|
||||
0.48548,1326,5889.314252
|
||||
0.669613,1353,5904.444622
|
||||
0.312357,1725,5925.011432
|
||||
0.002862,1040,5937.013401
|
||||
0.566401,1420,5953.363943
|
||||
-0.068274,850,5963.420959
|
||||
0.672714,759,5972.01746
|
||||
0.155314,1029,5983.646897
|
||||
0.161701,1488,6000.130953
|
||||
0.031225,1339,6016.122821
|
||||
0.225014,1559,6034.839023
|
||||
0.112023,1196,6048.88268
|
||||
0.18822,1327,6065.047503
|
||||
0.218157,1378,6080.894253
|
||||
0.268667,1780,6102.016077
|
||||
0.216816,1565,6119.997996
|
||||
0.146711,1286,6136.187202
|
||||
0.206936,1257,6150.20875
|
||||
-0.17835,1298,6165.279835
|
||||
-0.033531,884,6175.551636
|
||||
-0.277452,844,6185.878542
|
||||
0.293206,1641,6205.228605
|
||||
-0.097118,1246,6220.249409
|
||||
0.002139,929,6231.310787
|
||||
0.323661,1214,6245.312399
|
||||
0.686062,818,6255.996121
|
||||
0.132564,1628,6275.496944
|
||||
0.329661,1545,6294.460893
|
||||
0.070421,1317,6311.286881
|
||||
0.265667,1691,6331.740227
|
||||
0.341876,1852,6353.861008
|
||||
0.322621,1862,6376.572551
|
||||
0.306206,1742,6397.861279
|
||||
0.337737,1929,6421.463782
|
||||
0.645384,1184,6435.330602
|
||||
0.189014,1636,6456.232499
|
||||
0.318495,1337,6471.92039
|
||||
0.451237,1932,6494.873887
|
||||
0.339843,1609,6514.271947
|
||||
0.585535,1177,6528.218644
|
||||
0.357876,1638,6547.729216
|
||||
0.716126,1064,6560.196843
|
||||
0.570361,1160,6574.101398
|
||||
0.183059,1164,6588.014418
|
||||
0.2853,1583,6607.758074
|
||||
0.224488,1470,6624.847458
|
||||
-0.016623,933,6635.727566
|
||||
0.356773,1448,6653.777599
|
||||
0.255965,1208,6668.032563
|
||||
0.165272,1725,6689.888126
|
||||
-0.163979,796,6699.204311
|
||||
0.558099,1445,6716.120149
|
||||
0.485924,1924,6739.191012
|
||||
0.478211,1565,6758.257037
|
||||
0.421679,1795,6780.375335
|
||||
0.159322,1337,6797.68129
|
||||
0.145057,1262,6813.414412
|
||||
0.577736,1297,6829.353648
|
||||
0.035225,748,6838.738698
|
||||
0.340357,1458,6856.368746
|
||||
0.124314,1297,6871.871648
|
||||
0.303357,1570,6890.507452
|
||||
0.064421,1108,6904.305763
|
||||
-0.15744,1110,6917.819236
|
||||
0.013139,1077,6930.33535
|
||||
0.722007,779,6939.683836
|
||||
0.598305,1228,6955.139404
|
||||
-0.352,568,6961.522518
|
||||
0.430225,1582,6981.547068
|
||||
0.358699,1495,6999.491172
|
||||
0.091538,1163,7013.52807
|
||||
0.349876,1918,7036.940974
|
||||
0.151495,941,7049.018231
|
||||
0.533662,1631,7069.31037
|
||||
0.121792,1182,7083.327569
|
||||
0.235589,1480,7100.677435
|
||||
0.308308,1407,7118.030991
|
||||
0.347,1716,7140.095402
|
||||
0.128792,1373,7156.10409
|
||||
0.498858,1518,7174.772199
|
||||
-0.142979,1025,7187.271074
|
||||
0.477219,1114,7201.118431
|
||||
0.174396,1754,7222.718013
|
||||
0.108668,836,7232.277865
|
||||
0.308042,1760,7253.75476
|
||||
0.571337,1506,7271.992543
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,475 @@
|
||||
#{"t_start": 1680618620.5979824, "env_id": null}
|
||||
r,l,t
|
||||
0.298258,1798,27.716616
|
||||
0.682344,963,38.687349
|
||||
0.339843,1474,56.841347
|
||||
0.081701,992,67.701295
|
||||
0.011402,983,79.718077
|
||||
-0.165677,694,87.987511
|
||||
0.669809,1012,100.301895
|
||||
0.37097,1860,123.154617
|
||||
0.180714,1654,143.147541
|
||||
0.027136,1056,155.574236
|
||||
0.011959,834,166.237176
|
||||
0.466326,1728,186.415308
|
||||
0.021518,759,195.5372
|
||||
0.348908,1277,211.094816
|
||||
0.025518,1440,227.864401
|
||||
0.298098,1364,244.576717
|
||||
0.073728,826,254.03436
|
||||
0.345737,2075,279.8553
|
||||
0.630451,880,289.539325
|
||||
0.298153,1250,304.810189
|
||||
0.045437,974,317.020392
|
||||
0.496161,1887,340.051676
|
||||
0.11365,1418,357.059107
|
||||
0.253053,1015,369.333243
|
||||
0.053994,1008,380.589351
|
||||
0.237432,1457,398.364772
|
||||
0.172059,1860,420.023445
|
||||
-0.127489,819,430.260439
|
||||
0.313495,2482,459.662959
|
||||
0.468273,1573,478.269941
|
||||
0.154314,1498,496.80674
|
||||
0.684956,733,505.980038
|
||||
-0.107,1033,518.190905
|
||||
-0.019345,1148,532.258684
|
||||
-0.041282,963,543.242853
|
||||
0.438927,1454,561.211913
|
||||
0.268734,1691,581.079903
|
||||
0.481459,1651,600.760435
|
||||
0.359808,1968,624.289984
|
||||
0.018518,1088,637.908796
|
||||
0.37097,1624,657.025401
|
||||
0.479115,1618,677.174713
|
||||
-0.047345,932,688.288039
|
||||
-0.134189,710,697.461266
|
||||
0.143043,964,708.686765
|
||||
0.727686,730,717.743878
|
||||
0.431133,1075,731.23431
|
||||
0.194432,1292,746.850524
|
||||
0.173396,1391,762.769526
|
||||
0.220053,1312,779.518211
|
||||
-0.025337,883,790.018872
|
||||
0.279799,1292,805.761747
|
||||
0.07087,1227,820.005078
|
||||
0.179495,1579,840.228688
|
||||
-0.022502,816,849.834729
|
||||
0.48025,1886,873.018277
|
||||
-0.044674,1067,885.599535
|
||||
0.096692,1575,903.900617
|
||||
0.105344,1162,917.754556
|
||||
-0.237288,1128,931.153876
|
||||
0.2703,1913,954.286529
|
||||
0.484393,1555,972.737911
|
||||
0.310404,1728,994.566772
|
||||
0.35497,2042,1020.04674
|
||||
0.109028,1103,1033.011012
|
||||
0.094023,1008,1045.41319
|
||||
0.153314,1155,1059.287496
|
||||
0.05049,986,1071.776392
|
||||
0.166059,1899,1094.69517
|
||||
0.327699,1899,1117.295761
|
||||
0.36894,1530,1135.634113
|
||||
-0.017502,1203,1149.745984
|
||||
0.319308,1473,1168.375681
|
||||
0.350908,1764,1189.142742
|
||||
0.229384,930,1201.311573
|
||||
-0.009771,1107,1214.370252
|
||||
0.119023,1350,1231.067615
|
||||
0.016643,876,1241.788
|
||||
0.061959,1773,1263.192183
|
||||
0.004855,1255,1277.516297
|
||||
0.237688,2055,1302.694722
|
||||
0.085538,1031,1315.155576
|
||||
0.559034,1295,1331.722915
|
||||
0.37294,1968,1354.93509
|
||||
-0.160979,961,1366.162654
|
||||
-0.11533,1407,1383.389282
|
||||
0.716501,913,1395.653841
|
||||
0.248053,1342,1412.136258
|
||||
0.181714,1411,1429.31213
|
||||
0.354843,2201,1455.640906
|
||||
-0.122719,996,1467.942108
|
||||
0.160515,1462,1485.118804
|
||||
0.113948,1394,1502.035221
|
||||
0.55508,1138,1515.651144
|
||||
-0.118489,988,1528.123317
|
||||
0.257053,2029,1553.771189
|
||||
0.53575,1338,1570.635635
|
||||
0.093668,893,1582.17171
|
||||
0.021703,709,1591.825716
|
||||
0.128057,1101,1604.193856
|
||||
0.24822,1772,1624.690584
|
||||
0.479726,1595,1643.335168
|
||||
0.492342,1482,1660.058912
|
||||
0.724507,852,1670.084374
|
||||
-0.195034,835,1679.101265
|
||||
-0.225288,1047,1691.753781
|
||||
0.145519,935,1702.544095
|
||||
-0.017771,1417,1719.168867
|
||||
0.206667,1488,1736.493504
|
||||
0.266667,1133,1748.654876
|
||||
0.343,1794,1770.572988
|
||||
0.649159,1086,1782.673775
|
||||
0.000862,1006,1794.44594
|
||||
0.481789,1535,1812.066926
|
||||
0.643875,1082,1824.059609
|
||||
0.350808,1472,1841.25978
|
||||
0.303357,2066,1864.636353
|
||||
0.472469,1333,1879.301341
|
||||
0.354,1837,1901.259758
|
||||
0.557699,1304,1916.16169
|
||||
0.38597,1392,1932.316372
|
||||
0.601211,1565,1950.235515
|
||||
0.115948,1309,1965.175707
|
||||
0.114344,1101,1978.570072
|
||||
0.271453,1392,1994.911186
|
||||
0.200153,1236,2010.237567
|
||||
0.522998,930,2022.980386
|
||||
0.200924,1750,2044.198266
|
||||
0.466858,1518,2061.464315
|
||||
0.227488,1583,2079.900959
|
||||
0.246936,1086,2091.609511
|
||||
0.258453,1334,2106.23287
|
||||
0.502229,1444,2123.142263
|
||||
-0.174979,808,2132.017271
|
||||
0.694254,622,2139.163469
|
||||
0.269667,1441,2155.041286
|
||||
0.171043,979,2166.125733
|
||||
0.46534,1616,2183.350232
|
||||
0.180515,1312,2198.75149
|
||||
0.233783,1434,2214.439362
|
||||
0.321357,1527,2231.373693
|
||||
0.683251,1137,2244.262009
|
||||
0.63158,1067,2255.901846
|
||||
-0.346,836,2265.704462
|
||||
0.154124,1506,2281.850452
|
||||
0.581731,1219,2295.836541
|
||||
0.291098,1601,2313.288182
|
||||
0.102368,1319,2328.633878
|
||||
0.258053,1024,2340.107593
|
||||
0.560778,1200,2353.10514
|
||||
0.307598,1255,2367.317937
|
||||
0.270688,1459,2383.361882
|
||||
0.536358,1830,2404.131006
|
||||
0.295153,1628,2421.63375
|
||||
0.280527,1298,2435.916241
|
||||
0.185488,1398,2451.886198
|
||||
0.327621,1767,2471.910309
|
||||
-0.145677,928,2482.052507
|
||||
0.296843,1614,2500.601138
|
||||
-0.146159,942,2510.679763
|
||||
0.51534,1616,2529.203295
|
||||
0.212053,1243,2543.105689
|
||||
0.61737,830,2551.896993
|
||||
0.314538,1181,2564.788873
|
||||
0.189866,1272,2578.85842
|
||||
0.024881,1153,2591.748188
|
||||
0.264488,1221,2605.724725
|
||||
0.664257,835,2614.448596
|
||||
0.424585,1504,2631.487961
|
||||
0.033643,876,2641.424066
|
||||
0.647086,915,2651.452669
|
||||
0.439625,1325,2666.040442
|
||||
0.440401,1420,2682.555133
|
||||
0.37094,1473,2698.432232
|
||||
0.07387,1561,2715.449841
|
||||
0.669865,1175,2728.300036
|
||||
0.509108,1627,2746.914703
|
||||
-0.339,854,2756.541115
|
||||
0.242876,1297,2770.963319
|
||||
-0.016422,853,2780.773812
|
||||
0.321621,1110,2792.487411
|
||||
0.563099,1445,2809.572821
|
||||
0.340737,1625,2826.931886
|
||||
-0.062307,814,2836.588452
|
||||
0.173396,1622,2854.165807
|
||||
0.323661,1752,2874.23977
|
||||
0.190157,1647,2892.733604
|
||||
0.178714,2202,2917.060273
|
||||
-0.133189,834,2926.730408
|
||||
0.202714,1381,2941.193061
|
||||
-0.174979,852,2951.061314
|
||||
0.65558,1067,2962.531817
|
||||
0.294206,1647,2980.907014
|
||||
0.544264,1197,2995.051252
|
||||
0.10465,1394,3009.847222
|
||||
0.063959,1177,3023.84145
|
||||
0.100028,1401,3039.676879
|
||||
0.334621,1583,3056.92556
|
||||
0.341,1542,3074.090573
|
||||
0.504469,1427,3089.848543
|
||||
0.084139,972,3101.122159
|
||||
0.225384,1147,3113.825554
|
||||
0.360908,1628,3131.229287
|
||||
0.581196,1173,3145.141298
|
||||
0.027881,1056,3156.782905
|
||||
0.709851,855,3166.74481
|
||||
0.028855,1051,3178.349322
|
||||
0.540625,1325,3193.513562
|
||||
0.256453,1597,3212.344999
|
||||
0.42234,1616,3230.506413
|
||||
-0.083675,809,3240.294852
|
||||
0.687327,862,3249.453347
|
||||
0.035887,1093,3262.357553
|
||||
0.283924,1771,3282.90519
|
||||
0.313863,1237,3296.63458
|
||||
0.38894,1586,3316.01282
|
||||
0.249965,1517,3334.618844
|
||||
0.125519,1382,3350.468246
|
||||
0.490551,1305,3366.997041
|
||||
-0.317,524,3373.216893
|
||||
0.132792,1237,3387.487349
|
||||
0.656106,1000,3399.843042
|
||||
0.592559,1265,3414.940829
|
||||
0.473698,1705,3435.235045
|
||||
0.41147,1941,3458.51676
|
||||
0.016402,1158,3473.43222
|
||||
0.190984,1362,3489.132172
|
||||
0.089023,1163,3503.062124
|
||||
0.500358,1830,3526.000498
|
||||
0.341538,1575,3544.307274
|
||||
0.276667,1207,3557.545525
|
||||
0.366843,1684,3576.542795
|
||||
0.153322,978,3587.961401
|
||||
0.189396,1622,3606.509885
|
||||
-0.205034,646,3613.731376
|
||||
0.257378,1130,3626.48348
|
||||
0.449907,1684,3645.251209
|
||||
0.649878,996,3656.494813
|
||||
0.59802,741,3664.173741
|
||||
0.469442,1918,3685.581949
|
||||
0.377,1516,3702.618902
|
||||
0.537639,1396,3718.542341
|
||||
0.110344,1148,3731.592927
|
||||
0.133807,1801,3751.93439
|
||||
0.354,1345,3767.657318
|
||||
0.194014,1128,3779.543571
|
||||
-0.005138,1378,3795.420282
|
||||
0.534006,1646,3814.079175
|
||||
0.224167,1289,3828.42161
|
||||
0.198701,1554,3845.581723
|
||||
0.364773,1479,3862.785347
|
||||
0.059959,1097,3874.469676
|
||||
0.075421,1175,3888.315777
|
||||
0.250699,1413,3904.285693
|
||||
-0.114502,737,3911.799571
|
||||
0.341843,2007,3934.449293
|
||||
0.635874,1049,3946.05741
|
||||
0.282453,1441,3962.706338
|
||||
0.093421,1271,3975.988941
|
||||
0.703927,841,3985.721523
|
||||
0.351495,1190,3998.457709
|
||||
0.331098,1417,4014.301898
|
||||
0.238783,1300,4029.459837
|
||||
-0.223113,839,4038.211571
|
||||
0.372773,1388,4053.948457
|
||||
0.513107,1132,4066.652756
|
||||
0.297984,2611,4095.758622
|
||||
-0.352,586,4103.162904
|
||||
0.058421,1197,4116.455283
|
||||
0.379773,1176,4129.680209
|
||||
0.526267,1421,4145.681646
|
||||
0.34058,1651,4164.787457
|
||||
0.749148,840,4174.749027
|
||||
0.149272,1143,4187.879125
|
||||
-0.029295,1077,4199.787361
|
||||
0.720093,1109,4212.591236
|
||||
0.479905,1742,4232.042753
|
||||
0.327621,1466,4249.215096
|
||||
0.24722,1907,4271.210872
|
||||
0.191059,1424,4287.067845
|
||||
0.243783,1086,4299.014511
|
||||
0.238783,1417,4315.829577
|
||||
0.326699,1594,4333.11095
|
||||
0.414613,1353,4348.758838
|
||||
0.420926,1602,4366.194094
|
||||
0.333,1571,4383.410085
|
||||
0.046437,1192,4397.327253
|
||||
0.187866,988,4407.833321
|
||||
0.222866,998,4419.244478
|
||||
-0.187304,1141,4432.29526
|
||||
0.224432,1286,4446.885262
|
||||
0.088668,1092,4459.521788
|
||||
0.027737,1283,4473.946783
|
||||
0.039668,837,4482.80633
|
||||
0.490715,1734,4502.608164
|
||||
-0.118603,878,4512.669774
|
||||
0.217816,1508,4528.854364
|
||||
0.260138,1500,4545.800291
|
||||
0.256453,1490,4562.857925
|
||||
-0.031029,1074,4574.587003
|
||||
0.154124,1438,4590.808269
|
||||
0.207692,1407,4606.624958
|
||||
0.407798,2101,4631.039571
|
||||
0.435152,1532,4648.787788
|
||||
0.300042,1265,4662.990934
|
||||
-0.096118,985,4673.333495
|
||||
0.185921,1292,4687.612505
|
||||
0.547766,1359,4703.363067
|
||||
-0.135189,1009,4714.810449
|
||||
0.108703,1217,4727.96971
|
||||
0.605621,1226,4741.885323
|
||||
0.115703,1198,4754.848861
|
||||
-0.133189,939,4765.88638
|
||||
0.443053,1982,4787.746774
|
||||
-0.15535,532,4793.571764
|
||||
0.219432,1426,4809.581749
|
||||
0.331,1796,4830.730262
|
||||
0.694796,902,4840.834816
|
||||
0.577877,1409,4856.621232
|
||||
0.666293,765,4865.281994
|
||||
0.178688,1761,4884.322234
|
||||
0.34258,1608,4902.853269
|
||||
0.515757,1331,4917.379091
|
||||
0.141948,959,4928.856676
|
||||
0.224866,1420,4944.754756
|
||||
0.115948,1258,4959.200819
|
||||
-0.035298,1083,4971.122972
|
||||
0.252783,1255,4985.322579
|
||||
-0.046298,775,4994.100638
|
||||
-0.115719,808,5002.917742
|
||||
0.04132,803,5012.754339
|
||||
0.055484,1170,5025.87182
|
||||
0.224936,1234,5039.191426
|
||||
0.349908,1934,5060.891378
|
||||
0.352495,1471,5078.057863
|
||||
0.090668,1118,5090.93567
|
||||
0.094023,1277,5105.30718
|
||||
0.391908,1834,5125.444731
|
||||
-0.090719,773,5134.0228
|
||||
0.527116,1645,5152.9654
|
||||
-0.172979,921,5163.094096
|
||||
0.403468,1481,5180.21769
|
||||
0.06949,992,5190.717014
|
||||
-0.343,696,5199.04948
|
||||
0.273734,1786,5219.528543
|
||||
0.481456,1497,5235.858103
|
||||
0.011058,785,5245.554102
|
||||
0.326661,1717,5264.732526
|
||||
0.118792,1114,5277.357558
|
||||
0.189701,1465,5293.611117
|
||||
0.224277,1310,5308.177957
|
||||
0.138883,1117,5321.265038
|
||||
0.328,1799,5341.661896
|
||||
0.368908,1256,5356.375808
|
||||
0.506257,1307,5371.116925
|
||||
-0.007357,1125,5384.080443
|
||||
0.257453,1659,5403.06512
|
||||
0.548251,1377,5418.674519
|
||||
0.534855,1060,5430.643368
|
||||
0.589268,1108,5443.436946
|
||||
0.240488,1353,5458.062444
|
||||
0.578038,1350,5473.786426
|
||||
0.643228,1143,5486.82358
|
||||
0.545017,1610,5504.540937
|
||||
0.234876,1636,5523.391162
|
||||
0.043737,949,5533.83175
|
||||
0.539342,1482,5551.188206
|
||||
-0.10733,629,5558.538449
|
||||
0.081421,966,5569.866735
|
||||
-0.017332,1016,5580.666753
|
||||
0.091668,971,5592.042629
|
||||
0.617868,1470,5608.911271
|
||||
0.761301,795,5617.7254
|
||||
0.237936,1414,5633.816085
|
||||
0.637159,1026,5645.510921
|
||||
0.482094,1255,5659.977897
|
||||
0.255378,1658,5679.134658
|
||||
0.117344,1023,5690.891046
|
||||
-0.094118,968,5701.508351
|
||||
0.742262,740,5710.375365
|
||||
0.261876,1142,5723.531345
|
||||
0.460163,2180,5748.5195
|
||||
0.149564,1128,5761.602221
|
||||
0.421485,1361,5776.464231
|
||||
0.514535,1697,5796.768085
|
||||
0.239965,1622,5814.363431
|
||||
0.223277,1446,5831.525713
|
||||
0.316495,1980,5853.833596
|
||||
0.685099,809,5862.820048
|
||||
0.406958,1971,5886.265018
|
||||
0.560637,1464,5902.792409
|
||||
0.205816,1532,5920.569188
|
||||
-0.352,768,5929.680148
|
||||
0.691764,1134,5942.997758
|
||||
0.343699,1835,5963.711959
|
||||
0.526071,995,5975.23434
|
||||
0.358699,1554,5992.791503
|
||||
0.152866,1535,6010.432978
|
||||
0.260527,1421,6027.4577
|
||||
0.155272,892,6037.914621
|
||||
0.274667,1687,6058.017179
|
||||
0.085959,1628,6077.649817
|
||||
0.355,1455,6095.497191
|
||||
0.557876,1181,6109.136051
|
||||
0.611032,1156,6122.63911
|
||||
0.627731,1219,6136.585084
|
||||
0.144314,1185,6151.290521
|
||||
0.000402,902,6161.859296
|
||||
0.582705,1152,6175.136451
|
||||
0.434207,1499,6191.973464
|
||||
0.17623,813,6202.195663
|
||||
0.359808,1142,6215.670187
|
||||
0.461895,1890,6237.63976
|
||||
0.150711,1187,6252.841259
|
||||
0.51269,1578,6272.073786
|
||||
0.161515,1011,6284.758302
|
||||
0.573204,1414,6301.839002
|
||||
0.143272,1721,6322.450826
|
||||
0.045887,962,6334.819711
|
||||
0.435009,1386,6351.860385
|
||||
0.338843,1541,6370.392224
|
||||
0.536953,1243,6384.504936
|
||||
0.563836,1380,6401.151257
|
||||
0.185014,1546,6420.236432
|
||||
0.332699,2021,6445.202812
|
||||
0.449773,1858,6468.654057
|
||||
0.62978,1290,6483.792851
|
||||
0.126703,1662,6503.611038
|
||||
0.104344,1384,6520.285444
|
||||
0.458778,1621,6538.843986
|
||||
0.16622,1030,6550.941029
|
||||
-0.10368,1020,6563.273019
|
||||
0.34997,1388,6580.206978
|
||||
0.155157,1409,6597.235048
|
||||
0.343404,1377,6613.772698
|
||||
-0.346,985,6626.007693
|
||||
0.481607,1346,6641.730843
|
||||
0.364737,2104,6666.467161
|
||||
0.178714,1612,6686.912474
|
||||
-0.006272,1024,6699.270308
|
||||
0.474594,1871,6722.093991
|
||||
0.486796,1270,6737.257535
|
||||
0.261378,1136,6750.389845
|
||||
-0.122489,910,6762.566968
|
||||
0.390612,1596,6781.755507
|
||||
-0.011029,1047,6794.65059
|
||||
0.284042,2157,6821.551014
|
||||
0.121057,1490,6840.242897
|
||||
0.348737,1500,6858.070393
|
||||
0.241277,994,6870.258234
|
||||
-0.014942,1222,6885.545792
|
||||
0.35694,1685,6905.583968
|
||||
0.56308,1138,6919.292414
|
||||
0.57689,1218,6933.409275
|
||||
0.356908,1803,6955.374401
|
||||
0.304598,1657,6975.548489
|
||||
0.256378,1409,6993.075087
|
||||
0.071994,1045,7006.68333
|
||||
0.337737,1513,7024.299839
|
||||
0.338808,1793,7046.162035
|
||||
0.567359,1166,7060.337385
|
||||
0.072866,971,7072.619162
|
||||
0.184714,1204,7086.699573
|
||||
0.331699,1726,7108.34585
|
||||
0.579239,1191,7122.775986
|
||||
0.179059,1539,7141.865017
|
||||
0.197053,1341,7158.792367
|
||||
0.042437,1162,7172.938499
|
||||
0.273453,1609,7191.920076
|
||||
0.363773,2186,7218.472399
|
||||
0.045887,1269,7233.824295
|
||||
0.218692,1627,7253.746759
|
||||
0.098959,1138,7267.321335
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,466 @@
|
||||
#{"t_start": 1680618620.619981, "env_id": null}
|
||||
r,l,t
|
||||
-0.003138,913,17.011386
|
||||
0.648126,1064,29.396698
|
||||
0.416699,1304,44.833403
|
||||
0.482453,1787,66.036718
|
||||
0.326357,1992,90.674037
|
||||
-0.343,593,97.190704
|
||||
0.243053,1662,117.164116
|
||||
0.259453,1401,134.178301
|
||||
0.119519,1162,148.107784
|
||||
0.502122,1730,169.418167
|
||||
0.307404,1855,191.003949
|
||||
0.53041,1458,209.410433
|
||||
0.198866,1375,224.99976
|
||||
0.045437,1224,240.126973
|
||||
0.086302,1177,253.947363
|
||||
0.107926,1248,269.635406
|
||||
0.513329,1634,289.146483
|
||||
0.288098,1662,309.313333
|
||||
0.500231,1779,330.805471
|
||||
0.229384,1125,343.607801
|
||||
0.347908,2143,369.634246
|
||||
0.344908,1598,389.272933
|
||||
0.472633,1725,409.130322
|
||||
0.221936,1492,427.259561
|
||||
0.614719,1146,440.92105
|
||||
0.264053,1371,456.71724
|
||||
0.568735,1425,474.769718
|
||||
0.048518,1338,490.571326
|
||||
0.47202,1731,511.869364
|
||||
0.058959,999,523.15196
|
||||
0.465485,1361,539.910224
|
||||
0.315495,1823,561.421916
|
||||
0.516789,1535,579.653148
|
||||
0.24658,1419,596.392812
|
||||
0.230053,1793,617.925869
|
||||
0.578644,1271,633.526758
|
||||
0.352908,1620,653.654695
|
||||
0.249053,1443,670.978104
|
||||
0.536637,1464,689.412276
|
||||
-0.083675,1273,705.024469
|
||||
0.17623,1317,720.665153
|
||||
0.571336,1428,737.643009
|
||||
0.166124,1542,756.345813
|
||||
0.206816,1561,775.13029
|
||||
0.331699,1559,793.554417
|
||||
0.536679,1284,809.2164
|
||||
0.297153,1709,830.770033
|
||||
-0.10233,1070,843.525336
|
||||
0.084668,1322,859.325171
|
||||
0.052437,1423,877.450824
|
||||
0.269527,1624,896.295343
|
||||
0.157515,1361,912.910262
|
||||
0.249053,1509,930.818879
|
||||
0.166277,1038,942.946214
|
||||
0.103921,1766,964.720623
|
||||
-0.003771,809,974.0159
|
||||
0.2803,1627,994.39034
|
||||
0.544268,1108,1007.623528
|
||||
0.050994,1438,1026.007038
|
||||
0.319773,2056,1051.198081
|
||||
-0.224029,888,1061.937224
|
||||
-0.126312,955,1073.266069
|
||||
0.301908,1332,1088.730206
|
||||
0.032136,864,1099.18925
|
||||
0.467103,1760,1120.30682
|
||||
0.546675,1232,1135.507115
|
||||
0.568963,1485,1152.835846
|
||||
-0.086274,988,1165.281517
|
||||
0.527565,1562,1184.286759
|
||||
0.729845,991,1196.745569
|
||||
0.459241,1653,1217.088015
|
||||
0.529103,1516,1235.532365
|
||||
0.114519,1178,1249.652671
|
||||
-0.346,757,1258.695639
|
||||
0.177322,1070,1271.154581
|
||||
0.218936,1369,1288.140747
|
||||
0.314404,1923,1311.619899
|
||||
-0.046298,956,1322.848341
|
||||
0.085314,1042,1335.186141
|
||||
0.477402,1190,1350.183369
|
||||
0.161701,2230,1376.945275
|
||||
0.137314,1728,1399.094372
|
||||
0.574147,1229,1413.718154
|
||||
0.49023,1475,1432.15213
|
||||
0.109028,1407,1449.092113
|
||||
0.049994,1337,1464.854292
|
||||
-0.006623,871,1475.50368
|
||||
0.161322,1277,1490.952338
|
||||
0.132807,1255,1506.241877
|
||||
0.26222,1561,1524.889096
|
||||
-0.11233,771,1534.367698
|
||||
0.328699,1815,1557.259264
|
||||
0.142043,1352,1575.241306
|
||||
0.260527,1369,1592.101718
|
||||
0.330699,2036,1615.786397
|
||||
-0.100345,851,1625.914059
|
||||
0.289984,1624,1644.774063
|
||||
0.167921,1125,1657.256926
|
||||
0.08187,1524,1674.594288
|
||||
0.169711,1068,1687.322648
|
||||
0.052484,1247,1700.92785
|
||||
0.013862,1390,1717.801319
|
||||
-0.216034,727,1726.317602
|
||||
0.315404,1765,1746.794905
|
||||
0.59562,751,1755.599296
|
||||
0.085668,1253,1769.452978
|
||||
0.05649,770,1778.447351
|
||||
0.268734,1233,1793.077449
|
||||
0.196157,1878,1814.846016
|
||||
-0.172979,1054,1826.853369
|
||||
-0.309,639,1834.087948
|
||||
0.039881,1036,1845.661749
|
||||
0.167863,1087,1857.574813
|
||||
0.250138,2005,1880.696752
|
||||
0.03932,799,1889.71448
|
||||
0.228589,1592,1908.761521
|
||||
0.105368,1555,1926.516813
|
||||
0.555472,1354,1942.786833
|
||||
0.345737,1605,1960.686196
|
||||
0.785401,675,1968.207456
|
||||
-0.181892,683,1976.934675
|
||||
0.164701,1375,1992.175069
|
||||
0.326699,1305,2009.828563
|
||||
0.510204,1414,2027.894854
|
||||
0.558637,1528,2046.736211
|
||||
0.211816,1314,2061.321317
|
||||
0.176711,1088,2073.08454
|
||||
0.258378,1503,2090.220293
|
||||
0.351843,2129,2114.417683
|
||||
-0.139268,574,2120.417725
|
||||
0.205297,1445,2137.492543
|
||||
0.527154,1600,2154.977287
|
||||
0.252783,1241,2168.831939
|
||||
0.581038,1350,2183.274232
|
||||
-0.029406,1092,2195.9605
|
||||
0.201297,1858,2216.041642
|
||||
0.178883,1526,2233.049304
|
||||
0.613595,1029,2244.559019
|
||||
0.044737,1118,2257.264391
|
||||
-0.091118,705,2265.690464
|
||||
0.505337,1506,2281.832453
|
||||
0.571569,1141,2294.542168
|
||||
0.505282,1280,2308.91821
|
||||
0.492875,1972,2331.467008
|
||||
-0.108,1043,2342.923895
|
||||
0.232167,1248,2357.069834
|
||||
0.088926,981,2367.47994
|
||||
0.386869,1551,2384.826384
|
||||
0.337773,1692,2404.118008
|
||||
0.2673,2140,2427.246221
|
||||
-0.040531,859,2437.190084
|
||||
0.331737,1851,2457.661882
|
||||
0.540762,1586,2476.014422
|
||||
0.504815,1804,2496.274344
|
||||
0.625189,757,2504.762538
|
||||
0.507512,1554,2522.007929
|
||||
0.198564,1091,2533.668365
|
||||
0.141564,1789,2553.461828
|
||||
0.444332,1293,2568.586301
|
||||
0.491972,1205,2581.460799
|
||||
0.66555,1147,2594.34562
|
||||
0.544368,1522,2611.351077
|
||||
0.551709,1503,2628.374781
|
||||
0.67796,887,2637.356867
|
||||
0.535995,1302,2652.664012
|
||||
0.099028,1384,2667.465698
|
||||
0.41688,1526,2684.401407
|
||||
0.157515,1147,2697.111793
|
||||
0.295042,1600,2715.237844
|
||||
0.487719,1511,2732.30477
|
||||
0.06249,1063,2743.937929
|
||||
0.499956,970,2755.004472
|
||||
0.189157,1177,2767.891569
|
||||
0.222816,870,2777.892261
|
||||
0.502995,1302,2792.166411
|
||||
0.710478,894,2802.263457
|
||||
0.181863,1037,2813.963376
|
||||
0.265598,1392,2829.484369
|
||||
-0.018771,1288,2843.854412
|
||||
-0.06185,1028,2855.293996
|
||||
0.223258,1612,2872.945554
|
||||
0.218432,1921,2894.436141
|
||||
0.667428,1046,2906.760833
|
||||
0.044971,1058,2918.287471
|
||||
0.2683,1492,2934.135887
|
||||
0.116519,1271,2948.317723
|
||||
0.693774,936,2959.458843
|
||||
0.548742,1410,2974.940431
|
||||
0.700088,704,2982.340492
|
||||
0.368737,1905,3003.811409
|
||||
0.423997,1637,3022.44822
|
||||
0.337773,1403,3038.328462
|
||||
0.316538,2205,3062.625121
|
||||
0.087668,827,3072.350482
|
||||
0.10465,1234,3085.587041
|
||||
0.030225,873,3095.426213
|
||||
0.298734,1575,3112.686375
|
||||
0.691879,916,3122.71462
|
||||
0.239876,1282,3136.939532
|
||||
0.003643,1346,3152.489096
|
||||
0.182396,1579,3170.048896
|
||||
0.356876,1467,3187.015773
|
||||
0.635688,1403,3203.7974
|
||||
0.238783,1636,3222.764239
|
||||
0.444339,1885,3243.54049
|
||||
0.059484,857,3253.728659
|
||||
0.271734,1253,3268.196766
|
||||
0.143272,1023,3279.972475
|
||||
0.02355,1517,3297.724813
|
||||
0.35094,1947,3320.804591
|
||||
0.217936,1198,3334.915847
|
||||
0.442147,1407,3351.947086
|
||||
0.434518,1883,3374.916142
|
||||
0.235876,1628,3394.919178
|
||||
0.466787,1648,3413.632701
|
||||
0.522531,1588,3433.435621
|
||||
0.342876,2019,3458.06393
|
||||
0.529023,1461,3475.244587
|
||||
0.256453,1666,3495.291964
|
||||
-0.067274,818,3504.670756
|
||||
0.281984,1305,3521.423678
|
||||
0.527311,1125,3534.261922
|
||||
0.482229,1287,3548.992001
|
||||
0.278863,1844,3570.360635
|
||||
0.114948,1102,3583.354341
|
||||
0.292153,1783,3602.49295
|
||||
0.440637,1528,3619.673842
|
||||
0.221866,1052,3632.112554
|
||||
0.399897,1647,3649.882127
|
||||
0.35897,1562,3668.091906
|
||||
0.364843,1456,3683.999087
|
||||
0.440318,1863,3705.172496
|
||||
0.072887,985,3715.730609
|
||||
0.325661,1799,3736.097757
|
||||
-0.080913,1118,3748.983667
|
||||
-0.142121,952,3760.358678
|
||||
-0.344,810,3769.231796
|
||||
0.591329,1209,3782.294888
|
||||
0.129057,1187,3796.496624
|
||||
0.091302,1335,3811.140804
|
||||
0.247688,1272,3825.383822
|
||||
0.234816,1159,3838.310678
|
||||
0.340773,1685,3857.040086
|
||||
0.055136,1089,3869.842533
|
||||
0.178396,1129,3881.684038
|
||||
0.58038,1466,3898.603474
|
||||
0.436725,1938,3920.12465
|
||||
0.504806,1577,3937.476025
|
||||
0.145711,1425,3954.161308
|
||||
0.530071,1430,3969.850402
|
||||
0.053971,802,3978.58635
|
||||
0.511156,1574,3995.62598
|
||||
0.448207,1491,4012.700203
|
||||
0.378843,1434,4028.310417
|
||||
0.517865,1868,4049.528543
|
||||
0.210936,1613,4066.916794
|
||||
-0.035295,973,4078.202819
|
||||
0.306984,1764,4098.363976
|
||||
0.36594,1812,4119.314441
|
||||
0.163515,1436,4135.275556
|
||||
0.055484,1051,4147.150754
|
||||
-0.050345,1083,4160.139952
|
||||
0.365,1586,4177.718358
|
||||
-0.019295,1029,4189.465154
|
||||
0.153948,1260,4204.064518
|
||||
0.525871,1116,4216.92088
|
||||
0.249965,1717,4236.166852
|
||||
0.203564,1796,4256.579097
|
||||
0.353621,1470,4273.922145
|
||||
0.082926,1076,4285.752848
|
||||
0.187714,1567,4303.318704
|
||||
0.055959,1343,4318.769488
|
||||
0.275863,1701,4337.450799
|
||||
0.274843,1382,4353.242364
|
||||
0.269876,1283,4367.551332
|
||||
0.299308,1821,4387.55686
|
||||
0.651793,931,4397.710257
|
||||
0.323538,1266,4412.136186
|
||||
0.468473,1412,4428.118958
|
||||
0.368013,1683,4447.065249
|
||||
0.437362,1172,4460.980281
|
||||
0.06849,975,4471.365567
|
||||
0.2823,1452,4488.12189
|
||||
-0.32,656,4495.388462
|
||||
0.578321,1341,4510.05491
|
||||
0.245589,1503,4527.138385
|
||||
0.037737,928,4537.281479
|
||||
0.017225,1302,4551.656803
|
||||
0.191866,1202,4565.703463
|
||||
0.078926,1286,4580.159435
|
||||
0.142314,1219,4593.545879
|
||||
-0.151268,823,4603.446597
|
||||
0.501868,1470,4619.685608
|
||||
0.544189,1356,4635.356193
|
||||
0.298527,1172,4648.88279
|
||||
0.529644,1318,4663.341934
|
||||
-0.120623,612,4670.390572
|
||||
0.282598,1762,4690.213776
|
||||
0.741933,590,4696.251478
|
||||
0.101728,1261,4710.529812
|
||||
0.01955,1075,4723.318745
|
||||
0.333357,1686,4741.799326
|
||||
0.007402,937,4751.914416
|
||||
0.478988,1550,4769.039683
|
||||
0.245138,1321,4784.476811
|
||||
0.31958,1573,4802.051136
|
||||
0.480169,1042,4813.793997
|
||||
0.050994,1131,4826.602163
|
||||
0.558368,1215,4839.773037
|
||||
0.06887,1030,4851.244153
|
||||
0.49022,1031,4862.811507
|
||||
0.327661,1848,4884.098237
|
||||
0.573874,1049,4895.676389
|
||||
0.24822,1882,4917.113791
|
||||
0.602191,1328,4931.921028
|
||||
0.592875,1082,4944.596759
|
||||
0.340843,1568,4962.246087
|
||||
0.113703,1408,4978.125731
|
||||
0.363908,1998,5000.108081
|
||||
0.373908,1629,5018.821387
|
||||
0.542894,1337,5034.508061
|
||||
-0.17435,669,5041.895613
|
||||
0.461213,2082,5065.039278
|
||||
0.53156,1382,5080.99996
|
||||
0.51835,1652,5099.531381
|
||||
-0.118719,859,5109.554208
|
||||
0.083302,1117,5121.283228
|
||||
0.256378,1447,5138.209496
|
||||
0.43744,2027,5160.361477
|
||||
0.290153,1405,5176.256321
|
||||
0.259527,2481,5204.852788
|
||||
-0.004771,821,5213.982476
|
||||
0.103344,1438,5229.991593
|
||||
0.093023,1373,5245.837246
|
||||
0.077926,1347,5261.545786
|
||||
0.55133,1355,5276.198786
|
||||
0.430685,2130,5300.772758
|
||||
0.356737,1377,5316.539918
|
||||
0.107344,903,5326.949245
|
||||
0.695344,948,5337.187701
|
||||
0.305404,2345,5363.741716
|
||||
0.543926,1602,5382.585435
|
||||
0.282667,1601,5400.369112
|
||||
0.108139,1398,5416.174699
|
||||
0.340773,1671,5435.2298
|
||||
0.335773,1363,5450.838222
|
||||
0.243053,1354,5466.45341
|
||||
0.441937,1224,5479.775322
|
||||
0.314737,1633,5498.401374
|
||||
0.216167,1026,5510.181998
|
||||
0.611874,1151,5523.338164
|
||||
0.443907,1684,5542.553869
|
||||
-0.05806,645,5549.735928
|
||||
0.633146,1005,5561.370239
|
||||
0.305863,1760,5581.76715
|
||||
0.553094,1566,5599.168684
|
||||
0.511469,1333,5613.749112
|
||||
0.612099,809,5623.554852
|
||||
0.345908,1412,5639.569018
|
||||
0.088728,1027,5651.427177
|
||||
0.533512,1554,5668.944499
|
||||
0.486131,1609,5687.957154
|
||||
0.535924,1365,5703.03827
|
||||
0.575624,1089,5716.103305
|
||||
0.565109,1308,5730.945572
|
||||
0.29522,1275,5745.554399
|
||||
0.116302,936,5755.986764
|
||||
0.138792,877,5766.168686
|
||||
0.303042,1316,5780.898937
|
||||
0.216396,1202,5795.312059
|
||||
0.312495,1520,5812.527732
|
||||
-0.144675,918,5822.919549
|
||||
0.724748,966,5833.452745
|
||||
0.35994,1574,5852.221326
|
||||
0.18223,1142,5865.363511
|
||||
0.600838,1447,5882.003186
|
||||
0.707872,810,5890.955435
|
||||
0.05749,954,5902.461629
|
||||
0.128792,1104,5914.680128
|
||||
0.275863,1190,5929.348155
|
||||
0.192124,821,5938.487195
|
||||
0.279598,1472,5955.034399
|
||||
0.655913,1022,5966.609461
|
||||
0.395574,1579,5985.171432
|
||||
-0.146979,736,5993.851869
|
||||
0.06787,1026,6005.687302
|
||||
0.583243,1047,6017.687053
|
||||
0.196297,1811,6039.218021
|
||||
0.079926,1012,6051.645775
|
||||
0.452802,2048,6075.849628
|
||||
0.67949,1062,6088.272232
|
||||
0.769845,709,6097.080048
|
||||
0.28722,1559,6115.034152
|
||||
0.182124,1043,6127.191451
|
||||
-0.013623,1256,6142.416656
|
||||
-0.05506,928,6152.946195
|
||||
0.227167,1344,6169.128387
|
||||
0.091994,1023,6181.111818
|
||||
-0.348,620,6187.427215
|
||||
0.031136,872,6197.949337
|
||||
0.468789,1535,6215.941192
|
||||
0.123238,1301,6231.537787
|
||||
0.36697,1883,6254.586939
|
||||
0.287098,2003,6279.84804
|
||||
0.333773,1509,6297.424596
|
||||
0.31958,1366,6314.500671
|
||||
0.019855,1289,6330.282115
|
||||
0.318808,1706,6351.718386
|
||||
0.018139,1002,6362.937565
|
||||
0.243965,1242,6378.123561
|
||||
0.286378,1259,6393.319031
|
||||
0.293924,1864,6415.541811
|
||||
-0.020406,895,6426.525953
|
||||
0.10765,1153,6440.377152
|
||||
0.495666,1640,6461.296754
|
||||
0.35297,1930,6484.101107
|
||||
0.431933,2198,6511.040709
|
||||
0.356699,1016,6522.26502
|
||||
0.504215,1483,6540.31685
|
||||
0.586712,1182,6553.973114
|
||||
0.377,1270,6569.293019
|
||||
0.308,1424,6586.415721
|
||||
0.292924,1486,6604.793517
|
||||
0.485011,1702,6624.84246
|
||||
-0.348,858,6635.431566
|
||||
0.172124,1093,6648.010899
|
||||
0.538152,1460,6666.13916
|
||||
0.592672,917,6677.36776
|
||||
-0.049531,1000,6689.960126
|
||||
0.211816,1439,6706.920662
|
||||
0.461807,1373,6723.593275
|
||||
0.150495,1180,6737.497953
|
||||
0.485589,1687,6758.106039
|
||||
0.133314,1065,6771.852427
|
||||
0.363843,2014,6796.250783
|
||||
0.530502,1746,6818.192205
|
||||
0.167883,1356,6835.387843
|
||||
-0.065133,703,6843.539642
|
||||
0.316538,1769,6865.45853
|
||||
0.131028,1495,6883.804332
|
||||
0.094023,914,6894.557262
|
||||
-0.152268,921,6905.531969
|
||||
0.17223,1332,6921.01201
|
||||
0.277863,2699,6953.731201
|
||||
0.347876,1749,6975.349043
|
||||
0.020855,890,6986.361195
|
||||
0.484047,1664,7006.899554
|
||||
0.425553,2160,7033.402759
|
||||
0.589544,861,7044.111364
|
||||
0.043971,785,7053.658856
|
||||
-0.025298,691,7061.70513
|
||||
0.173515,982,7074.023267
|
||||
0.092368,1252,7089.33445
|
||||
0.600341,1273,7103.820503
|
||||
0.186714,1068,7117.702993
|
||||
0.620054,1081,7130.737944
|
||||
0.326404,1651,7151.248561
|
||||
-0.039282,1314,7167.009431
|
||||
0.312404,1477,7185.461264
|
||||
0.282984,1954,7209.069284
|
||||
0.314098,1339,7225.683064
|
||||
0.252876,1381,7242.631175
|
||||
-0.130111,823,7252.140748
|
||||
0.151692,1420,7268.908735
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,473 @@
|
||||
#{"t_start": 1680618620.87198, "env_id": null}
|
||||
r,l,t
|
||||
0.172396,1522,23.302892
|
||||
0.215157,1729,44.463405
|
||||
-0.106133,990,56.595346
|
||||
0.239589,1384,71.922024
|
||||
0.616802,1088,85.841853
|
||||
0.182124,1639,105.860745
|
||||
0.372773,1614,124.700379
|
||||
0.337773,1712,145.979539
|
||||
0.289667,999,158.125559
|
||||
0.581522,1312,173.666402
|
||||
0.11065,1244,188.797785
|
||||
-0.037345,1259,203.183863
|
||||
0.168322,1110,216.892252
|
||||
0.384908,1783,238.326878
|
||||
0.192157,1236,253.379182
|
||||
0.254378,1524,272.167841
|
||||
0.217157,1155,285.709054
|
||||
0.544613,1045,298.049871
|
||||
0.014855,1169,312.199704
|
||||
0.56377,1324,327.830121
|
||||
0.130807,1493,346.136159
|
||||
0.235737,1651,366.020851
|
||||
0.427182,2137,390.934657
|
||||
0.294098,1499,408.908319
|
||||
0.079538,1198,422.826653
|
||||
-0.011138,919,434.575887
|
||||
-0.144121,1374,450.201101
|
||||
0.223564,1619,470.236507
|
||||
-0.098603,1669,490.373327
|
||||
0.230688,2060,515.027316
|
||||
0.263965,1088,528.738161
|
||||
0.166059,1184,542.741777
|
||||
0.348808,1691,562.676038
|
||||
-0.349,729,571.627681
|
||||
0.49309,1092,584.046355
|
||||
0.251965,1876,606.83708
|
||||
0.140314,1328,622.51882
|
||||
0.039518,954,634.602939
|
||||
0.126314,1304,650.385392
|
||||
0.145272,1452,667.750824
|
||||
0.281984,1593,687.760044
|
||||
0.511759,971,699.040199
|
||||
0.330661,1511,717.519882
|
||||
0.05849,1006,729.725713
|
||||
0.634962,1309,745.387799
|
||||
0.154322,1818,768.315628
|
||||
0.299667,1435,785.29742
|
||||
-0.15044,830,794.797752
|
||||
0.124057,1247,810.255299
|
||||
0.107322,1720,830.838397
|
||||
0.574468,1481,849.523733
|
||||
0.245488,1574,868.39626
|
||||
0.310153,1389,885.334536
|
||||
0.760836,701,894.186208
|
||||
-0.089675,1029,906.30513
|
||||
0.30845,1819,927.653507
|
||||
-0.167677,1081,939.982949
|
||||
0.238692,1239,955.472685
|
||||
0.713327,862,966.057822
|
||||
0.060994,1537,984.60916
|
||||
0.312495,1738,1005.742515
|
||||
0.760115,716,1015.196693
|
||||
0.144314,1168,1029.330748
|
||||
0.340773,1699,1049.766897
|
||||
0.26222,1769,1071.522395
|
||||
0.043881,1011,1083.705347
|
||||
0.541584,1278,1098.862244
|
||||
0.38774,1471,1115.877432
|
||||
0.491715,1734,1137.184377
|
||||
0.091139,1600,1156.932526
|
||||
0.055959,1180,1171.357308
|
||||
0.630146,1103,1184.208759
|
||||
0.438972,1674,1204.57023
|
||||
0.02655,837,1215.514591
|
||||
0.219714,1109,1229.151381
|
||||
-0.051422,742,1237.264685
|
||||
0.063959,1000,1249.668673
|
||||
0.35297,2024,1273.968409
|
||||
0.084728,977,1286.28121
|
||||
0.255589,1400,1303.548777
|
||||
0.657817,986,1314.819578
|
||||
0.281667,1370,1331.712425
|
||||
0.245453,1652,1351.627611
|
||||
0.127564,977,1363.878344
|
||||
0.263384,1398,1380.020343
|
||||
0.166883,1219,1395.622968
|
||||
0.238384,1869,1419.457619
|
||||
0.125948,1181,1433.50751
|
||||
0.2563,1558,1452.138649
|
||||
0.476226,1515,1470.652444
|
||||
0.242384,2038,1495.294835
|
||||
0.271667,1244,1509.449495
|
||||
0.292799,1577,1529.380485
|
||||
0.501936,1416,1546.992353
|
||||
0.259378,1518,1566.679564
|
||||
0.109344,1667,1588.251473
|
||||
0.078322,1706,1608.251947
|
||||
0.266527,1806,1628.681549
|
||||
0.221277,1442,1645.000496
|
||||
-0.015295,751,1653.993105
|
||||
0.622971,1027,1665.608756
|
||||
0.258876,1468,1682.891933
|
||||
0.639176,1120,1695.869464
|
||||
0.149807,1139,1708.70208
|
||||
0.343773,1532,1726.34507
|
||||
0.195157,892,1736.62307
|
||||
0.650528,1214,1750.993565
|
||||
0.582229,1287,1766.004038
|
||||
0.72207,854,1776.338469
|
||||
0.207297,1469,1792.865451
|
||||
0.524836,1380,1808.872514
|
||||
0.493108,1549,1826.636618
|
||||
0.03332,1159,1839.650954
|
||||
0.567466,1546,1857.125813
|
||||
0.269598,1191,1870.360229
|
||||
-0.109489,919,1881.584329
|
||||
0.31245,1534,1899.376541
|
||||
0.646916,788,1908.454519
|
||||
0.17023,1518,1926.040578
|
||||
0.245783,1559,1944.095603
|
||||
0.208432,1475,1960.532196
|
||||
0.26522,1494,1978.375075
|
||||
0.017959,1657,1997.969935
|
||||
0.282863,1500,2017.792085
|
||||
0.248936,1191,2032.799211
|
||||
0.304308,1927,2055.315802
|
||||
-0.001942,864,2065.40557
|
||||
0.44053,1726,2084.261339
|
||||
-0.129111,1131,2096.989154
|
||||
0.739513,816,2105.970871
|
||||
-0.152159,766,2114.511367
|
||||
0.248688,1657,2133.335035
|
||||
0.460648,2050,2156.257061
|
||||
0.277799,1955,2178.442279
|
||||
0.132314,1328,2193.003462
|
||||
0.288098,1920,2214.246363
|
||||
0.055971,1431,2229.962351
|
||||
0.670597,870,2239.777361
|
||||
0.262453,1343,2255.350852
|
||||
0.804379,648,2262.564211
|
||||
0.461589,1687,2281.30919
|
||||
0.327495,1463,2297.182932
|
||||
0.292667,1099,2309.875528
|
||||
0.311206,1387,2325.519925
|
||||
0.334538,1604,2342.831898
|
||||
0.318538,1359,2358.399584
|
||||
0.335737,1291,2372.851552
|
||||
0.532607,1411,2388.517809
|
||||
0.655902,1330,2402.883784
|
||||
0.262598,1433,2418.620306
|
||||
0.338843,1447,2435.313242
|
||||
0.332258,1327,2450.054275
|
||||
0.484071,1592,2468.519781
|
||||
0.535557,1252,2481.770509
|
||||
-0.138121,768,2490.466205
|
||||
0.541461,1505,2507.456888
|
||||
0.39797,1616,2525.896877
|
||||
0.082484,1362,2540.424793
|
||||
0.678308,1063,2552.782558
|
||||
0.232589,1223,2565.818486
|
||||
-0.169677,969,2576.902083
|
||||
0.56335,1119,2589.521776
|
||||
-0.011623,1063,2601.099671
|
||||
0.212014,1247,2615.228793
|
||||
-0.040422,860,2624.14683
|
||||
0.263,1348,2639.624866
|
||||
0.234538,1431,2655.459325
|
||||
0.374808,1559,2672.709154
|
||||
-0.10633,682,2680.844079
|
||||
0.433188,1898,2701.157493
|
||||
0.10465,1408,2716.678404
|
||||
0.12265,1126,2729.312251
|
||||
0.12965,1119,2742.199118
|
||||
0.244783,1310,2756.417752
|
||||
0.17123,1161,2769.372818
|
||||
0.174272,958,2780.526159
|
||||
0.628399,1068,2792.072413
|
||||
0.343843,1865,2813.579373
|
||||
0.030136,1129,2825.334621
|
||||
0.205157,1157,2838.189454
|
||||
0.354908,1775,2858.254894
|
||||
0.682151,944,2869.456588
|
||||
0.211816,1192,2882.556012
|
||||
0.625168,974,2893.787935
|
||||
0.01655,1160,2906.58118
|
||||
0.586178,1342,2921.119503
|
||||
0.06687,1179,2933.837887
|
||||
0.216297,1398,2949.481315
|
||||
0.774109,593,2956.434278
|
||||
0.01455,1142,2969.130482
|
||||
0.336538,1708,2987.821508
|
||||
0.239876,1133,3000.721571
|
||||
-0.042113,850,3010.60342
|
||||
0.459438,1679,3029.533696
|
||||
-0.042422,1305,3043.882251
|
||||
0.228688,1604,3062.049128
|
||||
0.285661,1407,3077.811204
|
||||
0.467702,1915,3098.272116
|
||||
0.626783,1028,3110.575127
|
||||
0.622268,1108,3122.296755
|
||||
0.210621,1919,3143.747969
|
||||
0.664333,909,3153.860364
|
||||
0.685422,1136,3166.762989
|
||||
0.32345,1970,3189.676392
|
||||
0.437836,1902,3211.102751
|
||||
0.523406,1266,3225.849785
|
||||
0.31545,1435,3241.97972
|
||||
0.173396,1373,3257.990284
|
||||
0.330621,1712,3278.097098
|
||||
0.199157,1761,3297.861813
|
||||
-0.041345,1102,3311.248034
|
||||
-0.331,630,3319.015374
|
||||
0.488108,1627,3338.910869
|
||||
0.315258,1543,3357.60727
|
||||
0.444152,2018,3381.116031
|
||||
-0.04785,1288,3396.67229
|
||||
0.216167,1442,3414.537832
|
||||
0.545206,1321,3430.249066
|
||||
0.227488,1374,3447.174684
|
||||
0.354661,1501,3465.509533
|
||||
0.195396,1302,3480.951741
|
||||
0.307308,1438,3498.014801
|
||||
0.576108,1549,3516.560165
|
||||
0.562929,1289,3532.221939
|
||||
0.235688,1755,3552.667207
|
||||
0.492166,1691,3571.69738
|
||||
0.550794,981,3583.19834
|
||||
0.153272,1391,3598.906538
|
||||
-0.172979,753,3606.595888
|
||||
0.640735,1094,3619.204839
|
||||
0.352,1252,3633.348503
|
||||
0.531878,1585,3650.888337
|
||||
-0.20233,1045,3662.484822
|
||||
0.347808,1687,3681.082377
|
||||
0.222384,1161,3694.875173
|
||||
-0.352,626,3701.059359
|
||||
0.075421,1139,3713.983417
|
||||
0.624623,987,3725.506836
|
||||
0.227488,1327,3740.183377
|
||||
0.55222,1185,3754.328977
|
||||
0.732741,961,3764.829
|
||||
0.31958,1767,3784.785966
|
||||
0.4028,1753,3804.989965
|
||||
-0.121502,1048,3816.556657
|
||||
0.427428,1727,3835.453206
|
||||
0.34894,1777,3855.332822
|
||||
0.541181,1335,3871.034775
|
||||
0.54822,1185,3884.01737
|
||||
0.294206,1110,3896.75926
|
||||
0.189714,1817,3916.919111
|
||||
0.550972,1205,3930.024407
|
||||
0.01555,1088,3942.664376
|
||||
-0.352,480,3947.289597
|
||||
0.356843,1091,3959.892842
|
||||
0.151124,1131,3972.595017
|
||||
0.058421,1079,3984.092317
|
||||
0.60689,1218,3997.934518
|
||||
-0.039298,659,4005.130514
|
||||
-0.009942,982,4016.521376
|
||||
0.130238,1429,4032.130841
|
||||
0.200564,1392,4047.83495
|
||||
-0.027422,646,4054.936151
|
||||
0.168701,1395,4070.558639
|
||||
0.37797,1440,4086.72369
|
||||
-0.050422,1067,4098.333745
|
||||
0.31245,1790,4119.228441
|
||||
0.280924,1526,4136.436162
|
||||
0.086302,1156,4149.740853
|
||||
0.168701,932,4160.196851
|
||||
0.283984,1611,4178.791054
|
||||
-0.040298,968,4190.368719
|
||||
0.248053,1541,4207.897536
|
||||
0.146711,1042,4219.563843
|
||||
-0.157677,875,4229.838642
|
||||
0.490745,1695,4248.868936
|
||||
0.342621,1419,4265.144296
|
||||
0.273453,1643,4283.885913
|
||||
0.127057,1409,4299.783131
|
||||
0.611146,1103,4311.664804
|
||||
0.211692,1382,4327.18371
|
||||
0.475016,1438,4343.163805
|
||||
0.569522,1312,4358.549224
|
||||
0.144564,1086,4370.164369
|
||||
0.062421,910,4380.274095
|
||||
0.334699,1442,4396.093095
|
||||
0.290984,1894,4417.643284
|
||||
0.213053,1462,4434.754462
|
||||
0.563082,1492,4451.063373
|
||||
0.771115,770,4459.642329
|
||||
-0.144979,691,4467.95562
|
||||
0.366843,1677,4486.62888
|
||||
0.346843,1472,4502.659477
|
||||
0.177701,1084,4515.364976
|
||||
0.065994,954,4525.671387
|
||||
0.590724,1023,4537.07248
|
||||
0.163515,1268,4551.3118
|
||||
0.576766,1359,4566.84164
|
||||
0.50209,1092,4578.724882
|
||||
0.660879,878,4588.93313
|
||||
0.42241,1458,4605.954749
|
||||
0.347773,1476,4622.255845
|
||||
0.617169,1042,4633.861786
|
||||
0.648821,767,4642.830312
|
||||
0.164883,1698,4662.645934
|
||||
0.610492,998,4673.051497
|
||||
0.563364,1369,4688.638286
|
||||
0.623979,859,4698.520303
|
||||
0.468338,1413,4714.445454
|
||||
0.470061,1692,4733.106452
|
||||
0.62677,1324,4747.483349
|
||||
0.534079,1288,4761.663649
|
||||
0.513885,1296,4777.03916
|
||||
0.323042,1364,4791.838922
|
||||
0.281598,1294,4806.318435
|
||||
0.296667,883,4816.502091
|
||||
0.606338,1085,4829.040573
|
||||
0.477196,1173,4842.124003
|
||||
0.311808,1373,4857.756582
|
||||
0.297924,1551,4875.086441
|
||||
0.847268,546,4880.892138
|
||||
0.54241,1458,4897.025957
|
||||
-0.35,573,4903.928208
|
||||
0.116519,1295,4918.445863
|
||||
0.114344,1382,4934.286082
|
||||
0.494432,1279,4948.687444
|
||||
0.660228,1143,4961.84862
|
||||
0.610726,1039,4973.540606
|
||||
0.215053,1575,4990.772657
|
||||
0.077538,1311,5005.465507
|
||||
0.433718,1892,5027.13357
|
||||
0.335808,1631,5045.876309
|
||||
0.454595,1512,5062.956296
|
||||
0.425896,1936,5084.912547
|
||||
0.350699,1291,5099.263382
|
||||
0.356843,1467,5115.354568
|
||||
0.49375,1345,5130.799968
|
||||
0.651026,1168,5143.969769
|
||||
0.468331,1247,5158.223407
|
||||
0.321621,1974,5180.152905
|
||||
-0.342,673,5187.397099
|
||||
0.596621,1226,5201.680234
|
||||
0.197936,1591,5219.533495
|
||||
0.338773,1836,5241.019891
|
||||
0.272799,1723,5260.111723
|
||||
0.065971,731,5268.670165
|
||||
0.205557,996,5279.99167
|
||||
0.129564,1372,5294.881505
|
||||
0.132688,1406,5310.810259
|
||||
0.435927,1454,5328.07398
|
||||
0.475891,1620,5345.851937
|
||||
0.33097,1550,5363.497715
|
||||
0.178714,1645,5382.524885
|
||||
0.074728,1064,5395.234213
|
||||
0.35097,1883,5415.894696
|
||||
0.52148,1326,5431.742793
|
||||
0.130807,1822,5451.898288
|
||||
0.484849,1478,5468.096723
|
||||
0.310863,1776,5488.305042
|
||||
0.238965,1250,5502.666583
|
||||
-0.036295,1034,5514.390511
|
||||
0.36794,1595,5533.146094
|
||||
0.524597,1389,5549.112147
|
||||
0.323206,1452,5565.466294
|
||||
0.48138,1466,5581.754152
|
||||
0.454806,1577,5600.076176
|
||||
0.517071,1430,5616.078887
|
||||
0.187714,1284,5630.658033
|
||||
0.004139,1027,5642.31416
|
||||
0.606265,1241,5656.814892
|
||||
0.529465,1347,5671.624127
|
||||
0.303357,1455,5688.154113
|
||||
0.225589,1565,5706.948527
|
||||
0.2543,1563,5724.798665
|
||||
-0.237288,741,5733.572307
|
||||
0.176557,1176,5746.787208
|
||||
0.487355,1041,5758.54437
|
||||
0.224866,936,5768.904255
|
||||
0.330737,1837,5790.603365
|
||||
0.563131,1281,5805.137164
|
||||
0.18223,1097,5816.998405
|
||||
0.463326,1728,5837.308693
|
||||
0.217621,1462,5853.635874
|
||||
0.307308,1525,5871.375543
|
||||
0.10965,1353,5887.466829
|
||||
-0.05906,814,5896.438466
|
||||
0.163515,1239,5911.195736
|
||||
0.369737,1041,5923.192297
|
||||
0.419946,1372,5939.525607
|
||||
0.657101,1021,5951.273435
|
||||
0.834697,548,5957.28634
|
||||
0.054484,1006,5968.836002
|
||||
0.288984,1984,5990.954224
|
||||
0.174396,1425,6007.25518
|
||||
0.606033,1032,6019.278509
|
||||
0.308357,1572,6038.81702
|
||||
0.544616,1668,6058.787808
|
||||
0.498778,1621,6077.455869
|
||||
0.339773,2076,6102.773686
|
||||
0.595971,975,6113.479903
|
||||
0.497927,1454,6131.352545
|
||||
0.333773,1945,6154.020424
|
||||
0.078139,1046,6166.158253
|
||||
-0.121312,993,6177.923434
|
||||
0.366,1722,6197.665338
|
||||
0.087668,1125,6210.940607
|
||||
0.189014,1412,6227.910722
|
||||
-0.096603,1566,6246.441458
|
||||
0.697971,975,6258.813319
|
||||
0.670763,1007,6271.591788
|
||||
0.739384,848,6281.502282
|
||||
0.488221,1700,6302.822367
|
||||
0.185866,1046,6315.593111
|
||||
0.583338,1004,6328.060878
|
||||
0.094703,1424,6345.504517
|
||||
0.135043,1003,6357.724298
|
||||
0.545504,1368,6373.312768
|
||||
0.152495,1187,6387.30042
|
||||
-0.352,740,6396.364987
|
||||
0.205432,1340,6413.274777
|
||||
0.530031,1533,6431.92835
|
||||
0.241783,1606,6451.39042
|
||||
0.323042,1499,6470.038024
|
||||
-0.053913,733,6478.950414
|
||||
-0.129312,858,6488.498443
|
||||
0.337808,1622,6508.074202
|
||||
0.321621,1549,6526.490683
|
||||
0.074139,1295,6541.651359
|
||||
0.002402,798,6551.810611
|
||||
0.299,1120,6564.543882
|
||||
0.350773,1610,6584.358228
|
||||
0.308042,1186,6598.562002
|
||||
0.340843,1859,6621.116065
|
||||
0.358876,1876,6643.179869
|
||||
-0.126121,841,6653.545789
|
||||
0.249699,891,6664.354559
|
||||
0.114519,1230,6678.931521
|
||||
0.485688,1403,6696.059886
|
||||
0.263598,1763,6717.372557
|
||||
0.04349,864,6727.899092
|
||||
0.38297,1564,6746.778096
|
||||
0.354773,1757,6768.745655
|
||||
0.197564,1399,6786.177035
|
||||
0.121519,1061,6799.05794
|
||||
0.412553,2118,6825.764096
|
||||
0.368,2032,6851.011962
|
||||
0.13165,1074,6863.738331
|
||||
0.306308,1522,6882.116717
|
||||
0.126396,1705,6902.433349
|
||||
0.186984,964,6914.217441
|
||||
0.669845,991,6925.479099
|
||||
0.627428,1046,6938.941769
|
||||
0.456939,1782,6959.757853
|
||||
0.496791,1612,6979.866807
|
||||
0.057421,985,6992.470091
|
||||
0.153272,1276,7008.109123
|
||||
0.123792,1295,7023.752844
|
||||
0.191714,1555,7042.530563
|
||||
0.199714,1036,7055.201091
|
||||
0.109703,1126,7069.193374
|
||||
0.659428,988,7081.36042
|
||||
0.324661,1342,7097.133245
|
||||
-0.198557,686,7105.140692
|
||||
0.35094,1381,7122.501989
|
||||
-0.118,1568,7141.70102
|
||||
0.099023,1066,7155.442092
|
||||
0.36597,1885,7178.738757
|
||||
0.225816,1565,7197.597085
|
||||
0.31045,1788,7219.352615
|
||||
0.335737,1389,7236.251952
|
||||
0.184866,1369,7252.066943
|
||||
0.201701,1177,7265.740589
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
@ -0,0 +1,480 @@
|
||||
#{"t_start": 1680618620.820981, "env_id": null}
|
||||
r,l,t
|
||||
-0.125489,747,13.91124
|
||||
0.173396,1854,36.791129
|
||||
0.151124,1144,50.564244
|
||||
0.573957,1493,67.520298
|
||||
0.315924,1407,84.524265
|
||||
0.351808,1714,105.942747
|
||||
-0.030345,857,115.52935
|
||||
0.051518,847,126.164596
|
||||
0.53223,1475,144.396034
|
||||
0.018862,1067,156.894502
|
||||
0.103703,1057,169.428163
|
||||
0.321621,1607,189.022787
|
||||
0.38697,1374,206.005282
|
||||
0.288098,1948,228.894122
|
||||
-0.030295,990,240.164219
|
||||
-0.263034,763,249.220959
|
||||
0.587885,1296,266.170997
|
||||
-0.337,634,273.73716
|
||||
0.011058,1241,287.678539
|
||||
0.206432,1560,306.355074
|
||||
-0.000357,1080,319.986094
|
||||
-0.005138,994,332.118727
|
||||
0.348876,1628,351.014479
|
||||
0.045737,1311,367.569078
|
||||
0.231688,1248,381.891633
|
||||
0.270453,1273,396.913733
|
||||
0.119948,1428,413.634281
|
||||
0.37794,1285,428.885922
|
||||
0.111948,1364,445.472295
|
||||
0.607783,1028,457.909497
|
||||
0.240488,1399,474.859372
|
||||
0.166564,915,485.747886
|
||||
0.532481,1292,501.36066
|
||||
0.167124,1281,516.669691
|
||||
0.33845,1355,533.565176
|
||||
0.024225,999,545.755367
|
||||
0.108948,1222,559.820645
|
||||
0.202297,1375,576.326822
|
||||
0.495737,874,586.865153
|
||||
0.261527,1589,605.400612
|
||||
-0.163345,873,616.043563
|
||||
0.273598,1082,629.879644
|
||||
0.661267,895,640.759166
|
||||
0.264453,1852,662.817923
|
||||
0.213557,1630,683.076424
|
||||
0.554219,1635,702.172059
|
||||
0.290667,1521,720.738449
|
||||
-0.086274,770,729.921713
|
||||
0.581143,949,742.040037
|
||||
-0.24335,618,749.754932
|
||||
0.062421,1325,765.433249
|
||||
0.258053,1200,779.595724
|
||||
0.45469,1578,799.281793
|
||||
0.189396,1479,816.620529
|
||||
0.262527,1571,836.714774
|
||||
0.338661,1568,855.738474
|
||||
0.285042,1795,877.370825
|
||||
0.051437,751,886.681751
|
||||
0.066421,1086,899.017877
|
||||
0.463103,1516,917.243087
|
||||
0.171921,1192,930.925878
|
||||
-0.06106,1218,945.842604
|
||||
0.129057,1329,961.827129
|
||||
0.10465,1619,981.53522
|
||||
0.321538,1639,1002.292962
|
||||
0.116519,1371,1018.572527
|
||||
0.19923,1288,1034.370698
|
||||
0.475359,1166,1049.416624
|
||||
0.027136,969,1060.438959
|
||||
0.153322,1288,1076.219826
|
||||
-0.149268,711,1085.144532
|
||||
0.478122,1730,1105.074977
|
||||
0.265688,1249,1120.154818
|
||||
0.350699,1063,1132.700224
|
||||
0.311495,2293,1160.477183
|
||||
0.699311,585,1168.263886
|
||||
0.033136,923,1179.362045
|
||||
0.17323,1379,1196.535569
|
||||
0.037887,1164,1210.700102
|
||||
0.553679,1284,1226.197681
|
||||
0.164701,920,1237.126562
|
||||
0.153124,1146,1251.080462
|
||||
0.341357,1433,1268.03836
|
||||
0.44723,1853,1291.102665
|
||||
0.527503,1397,1308.195106
|
||||
0.638783,1028,1320.796916
|
||||
0.198396,1905,1343.669562
|
||||
0.492775,1869,1365.780385
|
||||
0.261378,1136,1379.821342
|
||||
0.270667,1491,1398.952434
|
||||
0.31545,1177,1413.360153
|
||||
0.697322,1052,1425.982295
|
||||
0.299734,1128,1439.752825
|
||||
0.35694,1624,1459.652967
|
||||
0.445864,1814,1481.346781
|
||||
-0.026282,1266,1496.778249
|
||||
0.546008,1211,1510.802186
|
||||
0.17223,1108,1524.601715
|
||||
0.290667,1401,1542.080183
|
||||
0.641428,1046,1555.255842
|
||||
0.114519,1352,1572.151813
|
||||
0.10665,1553,1593.077907
|
||||
0.289527,2191,1618.224486
|
||||
-0.326,1010,1629.817775
|
||||
0.486297,1820,1650.7745
|
||||
0.254378,1595,1668.504117
|
||||
0.656164,939,1679.831369
|
||||
0.021139,1168,1693.01815
|
||||
0.150948,1301,1708.419076
|
||||
0.253167,1823,1729.17018
|
||||
0.025737,1519,1746.728908
|
||||
0.469459,1651,1766.013038
|
||||
0.234688,1646,1785.40363
|
||||
0.526557,1252,1799.911223
|
||||
-0.344,478,1804.705565
|
||||
0.435904,1762,1825.194301
|
||||
0.551595,1480,1842.413961
|
||||
0.103023,1179,1855.52687
|
||||
-0.048345,1203,1868.915286
|
||||
-0.09033,645,1876.103257
|
||||
0.683961,940,1887.553612
|
||||
0.32445,1350,1902.750084
|
||||
0.204816,1664,1921.951267
|
||||
-0.169677,656,1929.452143
|
||||
0.140272,1184,1943.070465
|
||||
0.567562,972,1954.550684
|
||||
0.595159,1086,1967.578336
|
||||
0.58048,1326,1982.824871
|
||||
0.545032,1156,1996.372744
|
||||
0.450234,1875,2021.08885
|
||||
0.270667,1694,2042.362975
|
||||
0.051484,1237,2056.538302
|
||||
0.06487,1088,2068.38283
|
||||
0.04532,1014,2079.91196
|
||||
0.72975,907,2089.954293
|
||||
-0.057771,923,2099.983645
|
||||
0.020881,825,2109.923454
|
||||
0.487801,1560,2127.366833
|
||||
0.246688,1116,2140.180788
|
||||
0.36097,1606,2157.646799
|
||||
0.460887,1638,2175.736696
|
||||
0.485625,1360,2191.402722
|
||||
0.521766,1359,2205.839351
|
||||
0.610946,1372,2221.262258
|
||||
0.277783,1856,2241.51682
|
||||
0.343876,1599,2259.922529
|
||||
0.312258,1363,2275.47795
|
||||
0.521543,1434,2291.292148
|
||||
0.079538,1007,2302.690022
|
||||
-0.160677,772,2311.233703
|
||||
0.270965,1191,2324.300037
|
||||
0.68037,830,2333.07464
|
||||
0.317495,1003,2344.441823
|
||||
0.317495,1258,2358.609584
|
||||
0.516326,1728,2378.490508
|
||||
-0.089708,906,2388.461811
|
||||
-0.039345,983,2398.75979
|
||||
0.102302,1075,2411.258313
|
||||
0.350808,1571,2428.389812
|
||||
0.442866,1250,2442.763626
|
||||
-0.042345,866,2452.735356
|
||||
0.688879,916,2462.920429
|
||||
0.382908,1398,2478.592496
|
||||
0.037136,903,2488.67055
|
||||
0.610572,1008,2500.139138
|
||||
0.184866,1031,2511.487851
|
||||
0.196322,1061,2523.221279
|
||||
0.436801,1685,2541.712619
|
||||
0.010402,715,2549.940353
|
||||
0.116519,1529,2566.969679
|
||||
-0.046422,1120,2578.650423
|
||||
0.123057,1210,2592.658698
|
||||
-0.346,580,2598.571068
|
||||
0.490359,1166,2611.445593
|
||||
0.713115,716,2619.796542
|
||||
0.136043,1302,2634.10141
|
||||
0.588036,1070,2646.690632
|
||||
0.12165,1303,2661.098179
|
||||
0.532383,1598,2678.394336
|
||||
-0.025502,1415,2693.965152
|
||||
0.318357,1772,2713.782761
|
||||
0.38197,1176,2726.635904
|
||||
0.601079,1288,2741.118478
|
||||
0.276734,1653,2759.473517
|
||||
-0.117489,1191,2773.458508
|
||||
0.322621,1913,2794.687546
|
||||
0.160322,1585,2812.362984
|
||||
0.472023,1655,2830.796757
|
||||
0.50423,1475,2846.760504
|
||||
0.35894,2113,2871.090607
|
||||
0.479301,1590,2888.496988
|
||||
-0.037295,1205,2902.418127
|
||||
0.278799,1408,2918.025517
|
||||
0.318538,2133,2940.970063
|
||||
0.454911,1803,2961.033345
|
||||
-0.344,443,2966.342762
|
||||
0.644086,915,2976.327619
|
||||
0.302258,1600,2994.819258
|
||||
0.60871,1487,3010.901422
|
||||
0.217053,1343,3026.583015
|
||||
0.129519,1158,3039.519881
|
||||
0.711238,881,3049.413339
|
||||
0.783899,506,3055.031155
|
||||
-0.115,888,3064.141344
|
||||
0.367661,2000,3086.811478
|
||||
0.32158,1655,3105.312031
|
||||
-0.333,654,3112.413375
|
||||
0.367698,1705,3131.02129
|
||||
0.684611,798,3140.639639
|
||||
0.467613,1735,3159.693681
|
||||
0.697181,934,3170.879744
|
||||
0.472257,1307,3185.329535
|
||||
-0.024422,953,3196.344841
|
||||
-0.042345,1439,3212.574292
|
||||
0.364699,1532,3230.414393
|
||||
0.267589,1153,3243.45133
|
||||
0.163314,1015,3255.150229
|
||||
0.589407,1030,3266.860985
|
||||
-0.344,442,3272.401404
|
||||
0.397497,1597,3290.376812
|
||||
-0.35,513,3296.440583
|
||||
0.118792,1600,3315.88333
|
||||
-0.048422,782,3325.352278
|
||||
0.270667,1486,3343.623116
|
||||
0.127138,1669,3363.766709
|
||||
0.621984,1043,3376.213537
|
||||
0.425698,1705,3396.537285
|
||||
0.464776,1794,3417.837076
|
||||
0.462276,1897,3441.003642
|
||||
0.133792,1277,3456.508923
|
||||
0.343876,1863,3478.296001
|
||||
0.307308,1492,3496.60833
|
||||
0.10965,1305,3512.099887
|
||||
0.328495,1370,3529.098896
|
||||
-0.347,698,3537.033598
|
||||
0.141495,1530,3554.49722
|
||||
0.501758,941,3565.751015
|
||||
0.277863,1595,3583.560858
|
||||
0.289667,1204,3597.545707
|
||||
0.357661,1519,3613.842596
|
||||
-0.002623,843,3623.686219
|
||||
0.227936,1233,3637.732063
|
||||
0.353876,1647,3656.284813
|
||||
0.208692,1371,3671.042005
|
||||
0.081971,694,3679.276765
|
||||
0.281734,1732,3698.150811
|
||||
0.262453,1942,3719.934461
|
||||
0.038518,810,3729.737544
|
||||
0.218866,1281,3744.243645
|
||||
0.263138,1385,3760.19068
|
||||
0.255965,1086,3771.99095
|
||||
0.745661,726,3780.402683
|
||||
0.209816,1782,3800.697074
|
||||
0.361876,1877,3821.068769
|
||||
0.325621,2013,3843.853014
|
||||
0.489632,1258,3858.197549
|
||||
0.04232,1091,3870.058897
|
||||
0.207297,1402,3885.668057
|
||||
-0.157268,1111,3898.4651
|
||||
0.54519,1010,3909.896876
|
||||
0.201157,1450,3925.783291
|
||||
0.655189,1274,3940.000441
|
||||
-0.067119,746,3948.535028
|
||||
0.212053,1379,3964.069202
|
||||
-0.141111,839,3972.915021
|
||||
0.171921,1157,3985.699526
|
||||
0.361843,1471,4002.265873
|
||||
0.179059,1387,4018.022734
|
||||
0.348538,1568,4035.048367
|
||||
0.608046,1329,4049.654143
|
||||
0.537031,1174,4063.463549
|
||||
0.581855,1060,4075.01607
|
||||
0.050484,1236,4088.516821
|
||||
0.59957,937,4099.94293
|
||||
0.161322,881,4110.182983
|
||||
0.199432,1429,4126.363498
|
||||
0.267667,1343,4141.027384
|
||||
0.66264,722,4149.727853
|
||||
0.278667,1642,4168.671201
|
||||
0.277924,1593,4186.333681
|
||||
0.091538,1156,4199.598362
|
||||
0.66564,922,4209.838173
|
||||
0.465492,998,4221.343596
|
||||
0.440892,1835,4242.934113
|
||||
-0.049345,1016,4254.610572
|
||||
0.441037,1275,4269.359841
|
||||
0.312357,1561,4286.718846
|
||||
0.661386,821,4295.74408
|
||||
0.117519,1254,4310.076445
|
||||
0.279453,1549,4327.179709
|
||||
0.635981,1087,4339.870413
|
||||
0.344908,1724,4358.792221
|
||||
0.562624,1089,4370.394655
|
||||
0.330621,1326,4385.839679
|
||||
-0.223113,823,4394.668636
|
||||
0.533252,1467,4411.632183
|
||||
0.346621,2038,4434.784466
|
||||
0.289098,1490,4451.087369
|
||||
-0.273029,713,4459.42479
|
||||
0.050437,1150,4472.340919
|
||||
0.748418,812,4481.103673
|
||||
0.239965,1890,4502.515168
|
||||
0.319661,1695,4521.433394
|
||||
0.657794,981,4532.669168
|
||||
-0.067307,1104,4544.34706
|
||||
0.552698,1381,4560.055457
|
||||
0.369843,1486,4577.179613
|
||||
0.353808,1046,4588.908127
|
||||
0.329098,1405,4604.786748
|
||||
0.427528,1159,4617.949273
|
||||
0.279924,2175,4642.79628
|
||||
0.238432,1589,4660.354193
|
||||
0.500742,1410,4676.950871
|
||||
0.06249,1449,4692.86192
|
||||
0.330495,1579,4710.271813
|
||||
-0.165979,756,4719.008388
|
||||
0.67609,1092,4731.571342
|
||||
0.153043,1160,4744.356627
|
||||
0.507213,1769,4763.224887
|
||||
0.341876,1892,4784.71332
|
||||
0.38694,1734,4804.688559
|
||||
0.074139,1188,4817.979172
|
||||
0.608736,1297,4832.317007
|
||||
0.002229,1000,4843.680432
|
||||
0.303357,2236,4869.331269
|
||||
0.020225,982,4879.663092
|
||||
-0.100674,683,4888.047044
|
||||
0.156277,1171,4901.050472
|
||||
0.260378,1805,4921.355391
|
||||
0.242965,1601,4938.976165
|
||||
0.292153,1671,4957.888698
|
||||
0.355808,1558,4976.28055
|
||||
0.305404,1866,4996.815709
|
||||
0.599002,1525,5014.187954
|
||||
0.750671,613,5021.352951
|
||||
0.332737,1474,5037.54241
|
||||
-0.000598,1225,5051.718338
|
||||
0.285042,1406,5067.674268
|
||||
0.555885,1296,5082.223141
|
||||
0.50275,1552,5099.469465
|
||||
0.299206,1845,5120.692708
|
||||
0.506735,1425,5136.535833
|
||||
0.43794,1256,5150.114664
|
||||
0.578696,1158,5163.927621
|
||||
0.225692,1441,5180.057902
|
||||
0.134807,1520,5197.302735
|
||||
0.36597,1839,5218.016797
|
||||
0.59683,1122,5230.948768
|
||||
0.06787,878,5241.03489
|
||||
0.607352,968,5251.491529
|
||||
0.620794,1128,5264.491527
|
||||
0.311495,1560,5281.837031
|
||||
0.6762,1155,5294.862505
|
||||
0.660426,1196,5308.973192
|
||||
0.35194,1510,5325.637649
|
||||
0.111368,1075,5338.286309
|
||||
0.087668,1550,5356.084811
|
||||
0.597264,1197,5369.354034
|
||||
0.302153,1510,5386.739716
|
||||
0.603734,1388,5402.787124
|
||||
0.336737,1981,5424.599228
|
||||
0.256453,1540,5442.089227
|
||||
0.130314,1397,5457.858448
|
||||
0.200432,1219,5472.150734
|
||||
0.281863,1174,5485.305684
|
||||
0.501108,1822,5505.799871
|
||||
-0.118719,923,5516.010877
|
||||
0.327661,1806,5537.566486
|
||||
-0.036029,1004,5548.200141
|
||||
-0.013942,1149,5561.31324
|
||||
-0.17535,719,5569.867954
|
||||
0.154322,1175,5583.183243
|
||||
-0.277416,638,5590.416908
|
||||
-0.06285,1166,5603.345881
|
||||
0.715257,835,5613.160516
|
||||
0.167711,1614,5630.967031
|
||||
0.646107,1132,5644.042695
|
||||
0.123057,1483,5661.312487
|
||||
0.596154,969,5671.807124
|
||||
0.274799,1441,5689.217343
|
||||
0.331661,2206,5714.531322
|
||||
0.116059,1557,5732.312848
|
||||
0.311404,1311,5747.044209
|
||||
0.537694,1170,5760.297884
|
||||
0.719164,645,5767.58593
|
||||
0.798401,614,5774.725589
|
||||
0.603698,1381,5790.858826
|
||||
0.522784,1366,5806.648372
|
||||
0.198432,1081,5818.409772
|
||||
0.375401,1670,5837.600693
|
||||
0.282527,1381,5853.607599
|
||||
-0.077913,738,5862.295938
|
||||
0.114028,1389,5878.636159
|
||||
0.197557,1354,5893.666157
|
||||
0.333737,1799,5914.471128
|
||||
0.622763,1007,5926.421429
|
||||
-0.133312,1341,5942.56376
|
||||
0.467205,1179,5955.957608
|
||||
0.504547,1537,5973.325759
|
||||
0.587325,1334,5988.068171
|
||||
0.341773,1579,6006.933177
|
||||
0.535966,1509,6024.277776
|
||||
0.172396,1482,6042.246458
|
||||
0.333538,2382,6070.952747
|
||||
0.581868,1424,6087.850027
|
||||
0.051971,1279,6102.893193
|
||||
0.06687,929,6113.399901
|
||||
0.638541,908,6124.003356
|
||||
0.132807,1472,6142.057657
|
||||
0.260863,2115,6166.285251
|
||||
0.334538,1388,6182.578948
|
||||
0.684059,1048,6194.639165
|
||||
0.677762,1066,6206.79844
|
||||
0.35594,1785,6228.192719
|
||||
0.508585,1504,6246.454457
|
||||
0.214936,1641,6266.939761
|
||||
-0.15744,652,6275.018432
|
||||
0.200157,1344,6292.213231
|
||||
0.179059,1178,6306.165479
|
||||
0.632917,911,6317.231305
|
||||
0.262527,1853,6339.553693
|
||||
0.080139,1069,6353.140004
|
||||
-0.328,930,6364.024059
|
||||
-0.042282,1380,6380.80812
|
||||
0.485469,1427,6397.746279
|
||||
0.195432,1490,6415.34881
|
||||
0.197564,1128,6429.193975
|
||||
0.434468,1481,6447.99579
|
||||
0.306098,2226,6474.802272
|
||||
0.154921,1001,6486.887684
|
||||
0.640807,1373,6503.440043
|
||||
0.36897,1509,6521.593019
|
||||
0.537033,1032,6533.829602
|
||||
0.326699,1822,6555.076189
|
||||
0.327699,1540,6573.705403
|
||||
0.637196,1173,6587.657421
|
||||
0.578557,1252,6603.078999
|
||||
0.248688,1590,6621.519066
|
||||
0.122057,1521,6639.965294
|
||||
-0.098133,886,6650.719494
|
||||
-0.083603,1729,6672.084992
|
||||
0.191157,1498,6689.986636
|
||||
0.360843,1294,6705.330024
|
||||
0.000139,1189,6720.368173
|
||||
0.494344,1362,6735.87805
|
||||
0.610037,1336,6752.949919
|
||||
-0.154979,653,6760.927972
|
||||
0.449006,1646,6781.360311
|
||||
0.219297,1157,6795.790769
|
||||
-0.001598,1240,6810.390313
|
||||
0.120344,1432,6828.968647
|
||||
0.319495,1030,6841.565213
|
||||
0.58099,1230,6856.212749
|
||||
0.070305,1273,6871.61865
|
||||
0.198432,1852,6894.399262
|
||||
0.221384,1478,6911.535167
|
||||
-0.099603,1046,6924.034951
|
||||
0.119014,1288,6940.521145
|
||||
0.06587,969,6951.805575
|
||||
0.473224,1729,6973.354837
|
||||
0.589322,1391,6989.69553
|
||||
0.25122,1375,7006.817555
|
||||
0.476103,1516,7025.446081
|
||||
0.336773,1859,7048.60023
|
||||
0.331661,1557,7067.600586
|
||||
0.011225,1009,7079.900435
|
||||
0.526913,1022,7092.233732
|
||||
0.365876,1807,7114.286875
|
||||
0.101368,1118,7127.471768
|
||||
0.098703,1698,7149.218405
|
||||
0.184378,1274,7164.833793
|
||||
-0.16735,823,7174.381206
|
||||
0.178396,1248,7189.828539
|
||||
0.332737,1753,7211.636861
|
||||
0.105028,1030,7223.877858
|
||||
0.150711,1430,7241.017923
|
||||
-0.06906,1100,7253.652762
|
||||
0.525736,1297,7268.936737
|
Can't render this file because it contains an unexpected character in line 1 and column 3.
|
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
@ -0,0 +1,92 @@
|
||||
import math
|
||||
import collections
|
||||
|
||||
import gym
|
||||
import numpy as np
|
||||
|
||||
# Custom environment wrapper
|
||||
class StreetFighterCustomWrapper(gym.Wrapper):
|
||||
def __init__(self, env, testing=False):
|
||||
super(StreetFighterCustomWrapper, self).__init__(env)
|
||||
self.env = env
|
||||
|
||||
# Use a deque to store the last 4 frames
|
||||
self.num_frames = 9
|
||||
self.frame_stack = collections.deque(maxlen=self.num_frames)
|
||||
|
||||
self.reward_coeff = 1.0
|
||||
|
||||
self.total_timesteps = 0
|
||||
|
||||
self.full_hp = 176
|
||||
self.prev_player_health = self.full_hp
|
||||
self.prev_oppont_health = self.full_hp
|
||||
|
||||
# Update observation space to include stacked grayscale images
|
||||
self.observation_space = gym.spaces.Box(low=0, high=255, shape=(100, 128, 3), dtype=np.uint8)
|
||||
|
||||
self.testing = testing
|
||||
|
||||
def _preprocess_observation(self, observation):
|
||||
|
||||
# Stack the downsampled frames.
|
||||
self.frame_stack.append(observation[::2, ::2, :])
|
||||
|
||||
# Stack the R, G, B channel of each frame and return the "image".
|
||||
# return np.stack([frame[:, :, i] for i, frame in enumerate(self.frame_stack)], axis=-1)
|
||||
stacked_image = np.stack([self.frame_stack[i * 3 + 2][:, :, i] for i in range(3)], axis=-1)
|
||||
return stacked_image
|
||||
|
||||
def reset(self):
|
||||
observation = self.env.reset()
|
||||
|
||||
self.prev_player_health = self.full_hp
|
||||
self.prev_oppont_health = self.full_hp
|
||||
|
||||
self.total_timesteps = 0
|
||||
|
||||
# Clear the frame stack and add the first observation [num_frames] times
|
||||
self.frame_stack.clear()
|
||||
for _ in range(self.num_frames):
|
||||
self.frame_stack.append(observation[::2, ::2, :])
|
||||
|
||||
# return np.stack([frame[:, :, i] for i, frame in enumerate(self.frame_stack)], axis=-1)
|
||||
return np.stack([self.frame_stack[i * 3 + 2][:, :, i] for i in range(3)], axis=-1)
|
||||
|
||||
def step(self, action):
|
||||
|
||||
obs, _reward, _done, info = self.env.step(action)
|
||||
curr_player_health = info['agent_hp']
|
||||
curr_oppont_health = info['enemy_hp']
|
||||
|
||||
self.total_timesteps += 1
|
||||
|
||||
# Game is over and player loses.
|
||||
if curr_player_health < 0:
|
||||
custom_reward = -math.pow(self.full_hp, (curr_oppont_health + 1) / (self.full_hp + 1)) # Use the remaining health points of opponent as penalty.
|
||||
# If the opponent also has negative health points, it's a even game and the reward is +1.
|
||||
custom_done = True
|
||||
|
||||
# Game is over and player wins.
|
||||
elif curr_oppont_health < 0:
|
||||
# custom_reward = curr_player_health * self.reward_coeff # Use the remaining health points of player as reward.
|
||||
# Multiply by reward_coeff to make the reward larger than the penalty to avoid cowardice of agent.
|
||||
|
||||
# custom_reward = math.pow(self.full_hp, (5940 - self.total_timesteps) / 5940) * self.reward_coeff # Use the remaining time steps as reward.
|
||||
custom_reward = math.pow(self.full_hp, (curr_player_health + 1) / (self.full_hp + 1)) * self.reward_coeff
|
||||
custom_done = True
|
||||
|
||||
# While the fighting is still going on
|
||||
else:
|
||||
custom_reward = self.reward_coeff * (self.prev_oppont_health - curr_oppont_health) - (self.prev_player_health - curr_player_health)
|
||||
self.prev_player_health = curr_player_health
|
||||
self.prev_oppont_health = curr_oppont_health
|
||||
custom_done = False
|
||||
|
||||
# During testing, the session should always keep going.
|
||||
if self.testing:
|
||||
custom_done = False
|
||||
|
||||
# Max reward is 2 * full_hp = 352 (damage + winning_reward)
|
||||
return self._preprocess_observation(obs), 0.003 * custom_reward, custom_done, info # reward normalization
|
||||
|
@ -0,0 +1,61 @@
|
||||
import time
|
||||
|
||||
import retro
|
||||
from stable_baselines3 import PPO
|
||||
|
||||
from street_fighter_custom_wrapper import StreetFighterCustomWrapper
|
||||
|
||||
def make_env(game, state):
|
||||
def _init():
|
||||
env = retro.make(
|
||||
game=game,
|
||||
state=state,
|
||||
use_restricted_actions=retro.Actions.FILTERED,
|
||||
obs_type=retro.Observations.IMAGE
|
||||
)
|
||||
env = StreetFighterCustomWrapper(env)
|
||||
return env
|
||||
return _init
|
||||
|
||||
game = "StreetFighterIISpecialChampionEdition-Genesis"
|
||||
|
||||
env = make_env(game, state="Champion.Level12.RyuVsBison")()
|
||||
|
||||
model = PPO(
|
||||
"CnnPolicy",
|
||||
env,
|
||||
verbose=1
|
||||
)
|
||||
model_path = r"trained_models_ryu_vs_bison_finetune/ppo_ryu_9500000_steps.zip"
|
||||
model.load(model_path)
|
||||
|
||||
# obs = env.reset()
|
||||
done = False
|
||||
|
||||
num_episodes = 100
|
||||
episode_reward_sum = 0
|
||||
num_victory = 0
|
||||
for _ in range(num_episodes):
|
||||
done = False
|
||||
obs = env.reset()
|
||||
total_reward = 0
|
||||
while not done:
|
||||
# while True:
|
||||
timestamp = time.time()
|
||||
action, _states = model.predict(obs)
|
||||
obs, reward, done, info = env.step(action)
|
||||
|
||||
if reward != 0:
|
||||
total_reward += reward
|
||||
print("Reward: {}, playerHP: {}, enemyHP:{}".format(reward, info['agent_hp'], info['enemy_hp']))
|
||||
env.render()
|
||||
# time.sleep(0.002)
|
||||
if info['enemy_hp'] < 0:
|
||||
print("Victory!")
|
||||
num_victory += 1
|
||||
print("Total reward: {}".format(total_reward))
|
||||
episode_reward_sum += total_reward
|
||||
|
||||
env.close()
|
||||
print("Winning rate: {}".format(1.0 * num_victory / num_episodes))
|
||||
print("Average reward for {}: {}".format(model_path, episode_reward_sum/num_episodes))
|
116
006_rgb_stack_ram_based_reward_time_reward_final_round/train.py
Normal file
116
006_rgb_stack_ram_based_reward_time_reward_final_round/train.py
Normal file
@ -0,0 +1,116 @@
|
||||
import os
|
||||
import sys
|
||||
|
||||
import retro
|
||||
from stable_baselines3 import PPO
|
||||
from stable_baselines3.common.monitor import Monitor
|
||||
from stable_baselines3.common.callbacks import CheckpointCallback
|
||||
from stable_baselines3.common.vec_env import DummyVecEnv, SubprocVecEnv
|
||||
|
||||
from street_fighter_custom_wrapper import StreetFighterCustomWrapper
|
||||
|
||||
NUM_ENV = 16
|
||||
LOG_DIR = 'logs'
|
||||
os.makedirs(LOG_DIR, exist_ok=True)
|
||||
|
||||
# Linear scheduler
|
||||
def linear_schedule(initial_value, final_value=0.0):
|
||||
|
||||
if isinstance(initial_value, str):
|
||||
initial_value = float(initial_value)
|
||||
final_value = float(final_value)
|
||||
assert (initial_value > 0.0)
|
||||
|
||||
def scheduler(progress):
|
||||
return final_value + progress * (initial_value - final_value)
|
||||
|
||||
return scheduler
|
||||
|
||||
def make_env(game, state, seed=0):
|
||||
def _init():
|
||||
env = retro.make(
|
||||
game=game,
|
||||
state=state,
|
||||
use_restricted_actions=retro.Actions.FILTERED,
|
||||
obs_type=retro.Observations.IMAGE
|
||||
)
|
||||
env = StreetFighterCustomWrapper(env)
|
||||
# Create log directory
|
||||
env_log_dir = os.path.join(LOG_DIR, str(seed+100)) # +100 to avoid conflict with other log dirs when fine-tuning
|
||||
os.makedirs(env_log_dir, exist_ok=True)
|
||||
env = Monitor(env, env_log_dir)
|
||||
env.seed(seed)
|
||||
return env
|
||||
return _init
|
||||
|
||||
def main():
|
||||
# Set up the environment and model
|
||||
game = "StreetFighterIISpecialChampionEdition-Genesis"
|
||||
env = SubprocVecEnv([make_env(game, state="Champion.Level12.RyuVsBison", seed=i) for i in range(NUM_ENV)])
|
||||
|
||||
# Set linear schedule for learning rate
|
||||
# Start
|
||||
lr_schedule = linear_schedule(2.5e-4, 2.5e-6)
|
||||
|
||||
# fine-tune
|
||||
# lr_schedule = linear_schedule(5.0e-5, 2.5e-6)
|
||||
|
||||
# Set linear scheduler for clip range
|
||||
# Start
|
||||
clip_range_schedule = linear_schedule(0.15, 0.025)
|
||||
|
||||
# fine-tune
|
||||
# clip_range_schedule = linear_schedule(0.075, 0.025)
|
||||
|
||||
model = PPO(
|
||||
"CnnPolicy",
|
||||
env,
|
||||
device="cuda",
|
||||
verbose=1,
|
||||
n_steps=128,
|
||||
batch_size=256,
|
||||
n_epochs=4,
|
||||
gamma=0.94,
|
||||
learning_rate=lr_schedule,
|
||||
clip_range=clip_range_schedule,
|
||||
tensorboard_log="logs"
|
||||
)
|
||||
|
||||
# Set the save directory
|
||||
save_dir = "trained_models_ryu_vs_bison_no_coef_no_time_reward_9_frame"
|
||||
os.makedirs(save_dir, exist_ok=True)
|
||||
|
||||
# Load the model from file
|
||||
# model_path = "trained_models_ryu_vs_bison_finetune/ppo_ryu_10000000_steps.zip"
|
||||
|
||||
# Load model and modify the learning rate and entropy coefficient
|
||||
# custom_objects = {
|
||||
# "learning_rate": lr_schedule,
|
||||
# "clip_range": clip_range_schedule,
|
||||
# }
|
||||
# model = PPO.load(model_path, env=env, device="cuda", custom_objects=custom_objects)
|
||||
|
||||
# Set up callbacks
|
||||
checkpoint_interval = 31250 # checkpoint_interval * num_envs = total_steps_per_checkpoint
|
||||
checkpoint_callback = CheckpointCallback(save_freq=checkpoint_interval, save_path=save_dir, name_prefix="ppo_ryu")
|
||||
|
||||
# Writing the training logs from stdout to a file
|
||||
original_stdout = sys.stdout
|
||||
log_file_path = os.path.join(save_dir, "training_log.txt")
|
||||
with open(log_file_path, 'w') as log_file:
|
||||
sys.stdout = log_file
|
||||
|
||||
model.learn(
|
||||
total_timesteps=int(100000000), # total_timesteps = stage_interval * num_envs * num_stages (1120 rounds)
|
||||
callback=[checkpoint_callback]#, stage_increase_callback]
|
||||
)
|
||||
env.close()
|
||||
|
||||
# Restore stdout
|
||||
sys.stdout = original_stdout
|
||||
|
||||
# Save the final model
|
||||
model.save(os.path.join(save_dir, "ppo_sf2_ryu_final.zip"))
|
||||
|
||||
if __name__ == "__main__":
|
||||
main()
|
File diff suppressed because it is too large
Load Diff
File diff suppressed because it is too large
Load Diff
File diff suppressed because it is too large
Load Diff
@ -0,0 +1,941 @@
|
||||
Logging to logs\PPO_6
|
||||
-----------------------------
|
||||
| time/ | |
|
||||
| fps | 646 |
|
||||
| iterations | 1 |
|
||||
| time_elapsed | 3 |
|
||||
| total_timesteps | 2048 |
|
||||
-----------------------------
|
||||
------------------------------------------
|
||||
| time/ | |
|
||||
| fps | 845 |
|
||||
| iterations | 2 |
|
||||
| time_elapsed | 4 |
|
||||
| total_timesteps | 4096 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.0006865192 |
|
||||
| clip_fraction | 0.00366 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.32 |
|
||||
| explained_variance | -3.63 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.00368 |
|
||||
| n_updates | 4 |
|
||||
| policy_gradient_loss | -0.00183 |
|
||||
| value_loss | 0.558 |
|
||||
------------------------------------------
|
||||
-----------------------------------------
|
||||
| time/ | |
|
||||
| fps | 946 |
|
||||
| iterations | 3 |
|
||||
| time_elapsed | 6 |
|
||||
| total_timesteps | 6144 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.002127223 |
|
||||
| clip_fraction | 0.00745 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.32 |
|
||||
| explained_variance | -1.02 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0243 |
|
||||
| n_updates | 8 |
|
||||
| policy_gradient_loss | -0.00382 |
|
||||
| value_loss | 0.000556 |
|
||||
-----------------------------------------
|
||||
------------------------------------------
|
||||
| time/ | |
|
||||
| fps | 1010 |
|
||||
| iterations | 4 |
|
||||
| time_elapsed | 8 |
|
||||
| total_timesteps | 8192 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.0044984696 |
|
||||
| clip_fraction | 0.0646 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.3 |
|
||||
| explained_variance | -0.638 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0175 |
|
||||
| n_updates | 12 |
|
||||
| policy_gradient_loss | -0.0108 |
|
||||
| value_loss | 0.000658 |
|
||||
------------------------------------------
|
||||
-----------------------------------------
|
||||
| time/ | |
|
||||
| fps | 1061 |
|
||||
| iterations | 5 |
|
||||
| time_elapsed | 9 |
|
||||
| total_timesteps | 10240 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.005734851 |
|
||||
| clip_fraction | 0.0897 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.3 |
|
||||
| explained_variance | -1.8 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0464 |
|
||||
| n_updates | 16 |
|
||||
| policy_gradient_loss | -0.0206 |
|
||||
| value_loss | 0.000854 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 641 |
|
||||
| ep_rew_mean | -1.03 |
|
||||
| time/ | |
|
||||
| fps | 1094 |
|
||||
| iterations | 6 |
|
||||
| time_elapsed | 11 |
|
||||
| total_timesteps | 12288 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.009480905 |
|
||||
| clip_fraction | 0.168 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.3 |
|
||||
| explained_variance | -1.48 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0465 |
|
||||
| n_updates | 20 |
|
||||
| policy_gradient_loss | -0.0279 |
|
||||
| value_loss | 0.00133 |
|
||||
-----------------------------------------
|
||||
------------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 776 |
|
||||
| ep_rew_mean | -0.902 |
|
||||
| time/ | |
|
||||
| fps | 1123 |
|
||||
| iterations | 7 |
|
||||
| time_elapsed | 12 |
|
||||
| total_timesteps | 14336 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.0110367015 |
|
||||
| clip_fraction | 0.218 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.29 |
|
||||
| explained_variance | -2.01 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0616 |
|
||||
| n_updates | 24 |
|
||||
| policy_gradient_loss | -0.0323 |
|
||||
| value_loss | 0.00166 |
|
||||
------------------------------------------
|
||||
------------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 859 |
|
||||
| ep_rew_mean | -0.697 |
|
||||
| time/ | |
|
||||
| fps | 1142 |
|
||||
| iterations | 8 |
|
||||
| time_elapsed | 14 |
|
||||
| total_timesteps | 16384 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.0151232965 |
|
||||
| clip_fraction | 0.223 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.28 |
|
||||
| explained_variance | -0.845 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0603 |
|
||||
| n_updates | 28 |
|
||||
| policy_gradient_loss | -0.0354 |
|
||||
| value_loss | 0.00258 |
|
||||
------------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 906 |
|
||||
| ep_rew_mean | -0.58 |
|
||||
| time/ | |
|
||||
| fps | 1158 |
|
||||
| iterations | 9 |
|
||||
| time_elapsed | 15 |
|
||||
| total_timesteps | 18432 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.014987826 |
|
||||
| clip_fraction | 0.219 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.27 |
|
||||
| explained_variance | -3.09 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0666 |
|
||||
| n_updates | 32 |
|
||||
| policy_gradient_loss | -0.0375 |
|
||||
| value_loss | 0.00238 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 906 |
|
||||
| ep_rew_mean | -0.58 |
|
||||
| time/ | |
|
||||
| fps | 1173 |
|
||||
| iterations | 10 |
|
||||
| time_elapsed | 17 |
|
||||
| total_timesteps | 20480 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.013858849 |
|
||||
| clip_fraction | 0.24 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.28 |
|
||||
| explained_variance | -3.52 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0808 |
|
||||
| n_updates | 36 |
|
||||
| policy_gradient_loss | -0.0403 |
|
||||
| value_loss | 0.00161 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 905 |
|
||||
| ep_rew_mean | -0.592 |
|
||||
| time/ | |
|
||||
| fps | 1186 |
|
||||
| iterations | 11 |
|
||||
| time_elapsed | 18 |
|
||||
| total_timesteps | 22528 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.015846182 |
|
||||
| clip_fraction | 0.269 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.26 |
|
||||
| explained_variance | -2.35 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.079 |
|
||||
| n_updates | 40 |
|
||||
| policy_gradient_loss | -0.0387 |
|
||||
| value_loss | 0.00168 |
|
||||
-----------------------------------------
|
||||
----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 984 |
|
||||
| ep_rew_mean | -0.53 |
|
||||
| time/ | |
|
||||
| fps | 1195 |
|
||||
| iterations | 12 |
|
||||
| time_elapsed | 20 |
|
||||
| total_timesteps | 24576 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.01491547 |
|
||||
| clip_fraction | 0.255 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.25 |
|
||||
| explained_variance | -1.11 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.062 |
|
||||
| n_updates | 44 |
|
||||
| policy_gradient_loss | -0.0362 |
|
||||
| value_loss | 0.00198 |
|
||||
----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.03e+03 |
|
||||
| ep_rew_mean | -0.512 |
|
||||
| time/ | |
|
||||
| fps | 1201 |
|
||||
| iterations | 13 |
|
||||
| time_elapsed | 22 |
|
||||
| total_timesteps | 26624 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.016814027 |
|
||||
| clip_fraction | 0.26 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.25 |
|
||||
| explained_variance | -2.27 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0743 |
|
||||
| n_updates | 48 |
|
||||
| policy_gradient_loss | -0.0419 |
|
||||
| value_loss | 0.00208 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.08e+03 |
|
||||
| ep_rew_mean | -0.479 |
|
||||
| time/ | |
|
||||
| fps | 1207 |
|
||||
| iterations | 14 |
|
||||
| time_elapsed | 23 |
|
||||
| total_timesteps | 28672 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.016041683 |
|
||||
| clip_fraction | 0.288 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.23 |
|
||||
| explained_variance | -3.28 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0766 |
|
||||
| n_updates | 52 |
|
||||
| policy_gradient_loss | -0.0389 |
|
||||
| value_loss | 0.00205 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.07e+03 |
|
||||
| ep_rew_mean | -0.466 |
|
||||
| time/ | |
|
||||
| fps | 1210 |
|
||||
| iterations | 15 |
|
||||
| time_elapsed | 25 |
|
||||
| total_timesteps | 30720 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.015445614 |
|
||||
| clip_fraction | 0.297 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.2 |
|
||||
| explained_variance | -2.72 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0713 |
|
||||
| n_updates | 56 |
|
||||
| policy_gradient_loss | -0.038 |
|
||||
| value_loss | 0.0017 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.11e+03 |
|
||||
| ep_rew_mean | -0.439 |
|
||||
| time/ | |
|
||||
| fps | 1216 |
|
||||
| iterations | 16 |
|
||||
| time_elapsed | 26 |
|
||||
| total_timesteps | 32768 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.015225915 |
|
||||
| clip_fraction | 0.281 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.2 |
|
||||
| explained_variance | -3.47 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0782 |
|
||||
| n_updates | 60 |
|
||||
| policy_gradient_loss | -0.039 |
|
||||
| value_loss | 0.00181 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.11e+03 |
|
||||
| ep_rew_mean | -0.392 |
|
||||
| time/ | |
|
||||
| fps | 1221 |
|
||||
| iterations | 17 |
|
||||
| time_elapsed | 28 |
|
||||
| total_timesteps | 34816 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.015854025 |
|
||||
| clip_fraction | 0.271 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.2 |
|
||||
| explained_variance | -2.11 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0787 |
|
||||
| n_updates | 64 |
|
||||
| policy_gradient_loss | -0.0383 |
|
||||
| value_loss | 0.00166 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.13e+03 |
|
||||
| ep_rew_mean | -0.393 |
|
||||
| time/ | |
|
||||
| fps | 1219 |
|
||||
| iterations | 18 |
|
||||
| time_elapsed | 30 |
|
||||
| total_timesteps | 36864 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.019244976 |
|
||||
| clip_fraction | 0.281 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.23 |
|
||||
| explained_variance | -2.54 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0813 |
|
||||
| n_updates | 68 |
|
||||
| policy_gradient_loss | -0.0459 |
|
||||
| value_loss | 0.00148 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.16e+03 |
|
||||
| ep_rew_mean | -0.374 |
|
||||
| time/ | |
|
||||
| fps | 1221 |
|
||||
| iterations | 19 |
|
||||
| time_elapsed | 31 |
|
||||
| total_timesteps | 38912 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.019559633 |
|
||||
| clip_fraction | 0.282 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.23 |
|
||||
| explained_variance | -2.18 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0707 |
|
||||
| n_updates | 72 |
|
||||
| policy_gradient_loss | -0.0458 |
|
||||
| value_loss | 0.00162 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.15e+03 |
|
||||
| ep_rew_mean | -0.384 |
|
||||
| time/ | |
|
||||
| fps | 1225 |
|
||||
| iterations | 20 |
|
||||
| time_elapsed | 33 |
|
||||
| total_timesteps | 40960 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.018351572 |
|
||||
| clip_fraction | 0.297 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.23 |
|
||||
| explained_variance | -3.07 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0792 |
|
||||
| n_updates | 76 |
|
||||
| policy_gradient_loss | -0.0437 |
|
||||
| value_loss | 0.00149 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.18e+03 |
|
||||
| ep_rew_mean | -0.372 |
|
||||
| time/ | |
|
||||
| fps | 1228 |
|
||||
| iterations | 21 |
|
||||
| time_elapsed | 35 |
|
||||
| total_timesteps | 43008 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.020750236 |
|
||||
| clip_fraction | 0.297 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.21 |
|
||||
| explained_variance | -3.2 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0878 |
|
||||
| n_updates | 80 |
|
||||
| policy_gradient_loss | -0.0498 |
|
||||
| value_loss | 0.00151 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.18e+03 |
|
||||
| ep_rew_mean | -0.372 |
|
||||
| time/ | |
|
||||
| fps | 1230 |
|
||||
| iterations | 22 |
|
||||
| time_elapsed | 36 |
|
||||
| total_timesteps | 45056 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.021276187 |
|
||||
| clip_fraction | 0.309 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.2 |
|
||||
| explained_variance | -1.92 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0831 |
|
||||
| n_updates | 84 |
|
||||
| policy_gradient_loss | -0.0436 |
|
||||
| value_loss | 0.00154 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.18e+03 |
|
||||
| ep_rew_mean | -0.372 |
|
||||
| time/ | |
|
||||
| fps | 1235 |
|
||||
| iterations | 23 |
|
||||
| time_elapsed | 38 |
|
||||
| total_timesteps | 47104 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.025053155 |
|
||||
| clip_fraction | 0.331 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.19 |
|
||||
| explained_variance | -2.63 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0852 |
|
||||
| n_updates | 88 |
|
||||
| policy_gradient_loss | -0.0462 |
|
||||
| value_loss | 0.00145 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.19e+03 |
|
||||
| ep_rew_mean | -0.359 |
|
||||
| time/ | |
|
||||
| fps | 1238 |
|
||||
| iterations | 24 |
|
||||
| time_elapsed | 39 |
|
||||
| total_timesteps | 49152 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.020340582 |
|
||||
| clip_fraction | 0.307 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.19 |
|
||||
| explained_variance | -1.63 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0892 |
|
||||
| n_updates | 92 |
|
||||
| policy_gradient_loss | -0.0441 |
|
||||
| value_loss | 0.00132 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.2e+03 |
|
||||
| ep_rew_mean | -0.348 |
|
||||
| time/ | |
|
||||
| fps | 1239 |
|
||||
| iterations | 25 |
|
||||
| time_elapsed | 41 |
|
||||
| total_timesteps | 51200 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.021488946 |
|
||||
| clip_fraction | 0.356 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.2 |
|
||||
| explained_variance | -2.75 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0726 |
|
||||
| n_updates | 96 |
|
||||
| policy_gradient_loss | -0.0409 |
|
||||
| value_loss | 0.0015 |
|
||||
-----------------------------------------
|
||||
----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.25e+03 |
|
||||
| ep_rew_mean | -0.305 |
|
||||
| time/ | |
|
||||
| fps | 1239 |
|
||||
| iterations | 26 |
|
||||
| time_elapsed | 42 |
|
||||
| total_timesteps | 53248 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.02217162 |
|
||||
| clip_fraction | 0.343 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.21 |
|
||||
| explained_variance | -4.22 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0876 |
|
||||
| n_updates | 100 |
|
||||
| policy_gradient_loss | -0.0484 |
|
||||
| value_loss | 0.00121 |
|
||||
----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.28e+03 |
|
||||
| ep_rew_mean | -0.291 |
|
||||
| time/ | |
|
||||
| fps | 1241 |
|
||||
| iterations | 27 |
|
||||
| time_elapsed | 44 |
|
||||
| total_timesteps | 55296 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.021241352 |
|
||||
| clip_fraction | 0.326 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.22 |
|
||||
| explained_variance | -2.21 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0815 |
|
||||
| n_updates | 104 |
|
||||
| policy_gradient_loss | -0.0436 |
|
||||
| value_loss | 0.0011 |
|
||||
-----------------------------------------
|
||||
----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.3e+03 |
|
||||
| ep_rew_mean | -0.267 |
|
||||
| time/ | |
|
||||
| fps | 1242 |
|
||||
| iterations | 28 |
|
||||
| time_elapsed | 46 |
|
||||
| total_timesteps | 57344 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.02174874 |
|
||||
| clip_fraction | 0.315 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.2 |
|
||||
| explained_variance | -3.67 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0848 |
|
||||
| n_updates | 108 |
|
||||
| policy_gradient_loss | -0.0471 |
|
||||
| value_loss | 0.00107 |
|
||||
----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.3e+03 |
|
||||
| ep_rew_mean | -0.267 |
|
||||
| time/ | |
|
||||
| fps | 1243 |
|
||||
| iterations | 29 |
|
||||
| time_elapsed | 47 |
|
||||
| total_timesteps | 59392 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.021925835 |
|
||||
| clip_fraction | 0.335 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.19 |
|
||||
| explained_variance | -1.94 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0844 |
|
||||
| n_updates | 112 |
|
||||
| policy_gradient_loss | -0.0451 |
|
||||
| value_loss | 0.00102 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.3e+03 |
|
||||
| ep_rew_mean | -0.259 |
|
||||
| time/ | |
|
||||
| fps | 1243 |
|
||||
| iterations | 30 |
|
||||
| time_elapsed | 49 |
|
||||
| total_timesteps | 61440 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.024559658 |
|
||||
| clip_fraction | 0.323 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.2 |
|
||||
| explained_variance | -2.53 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0829 |
|
||||
| n_updates | 116 |
|
||||
| policy_gradient_loss | -0.0504 |
|
||||
| value_loss | 0.00119 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.31e+03 |
|
||||
| ep_rew_mean | -0.242 |
|
||||
| time/ | |
|
||||
| fps | 1244 |
|
||||
| iterations | 31 |
|
||||
| time_elapsed | 51 |
|
||||
| total_timesteps | 63488 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.028697252 |
|
||||
| clip_fraction | 0.348 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.19 |
|
||||
| explained_variance | -3.28 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0895 |
|
||||
| n_updates | 120 |
|
||||
| policy_gradient_loss | -0.0496 |
|
||||
| value_loss | 0.0012 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.3e+03 |
|
||||
| ep_rew_mean | -0.246 |
|
||||
| time/ | |
|
||||
| fps | 1244 |
|
||||
| iterations | 32 |
|
||||
| time_elapsed | 52 |
|
||||
| total_timesteps | 65536 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.022997446 |
|
||||
| clip_fraction | 0.334 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.2 |
|
||||
| explained_variance | -2.49 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0787 |
|
||||
| n_updates | 124 |
|
||||
| policy_gradient_loss | -0.0452 |
|
||||
| value_loss | 0.00111 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.3e+03 |
|
||||
| ep_rew_mean | -0.246 |
|
||||
| time/ | |
|
||||
| fps | 1244 |
|
||||
| iterations | 33 |
|
||||
| time_elapsed | 54 |
|
||||
| total_timesteps | 67584 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.024152309 |
|
||||
| clip_fraction | 0.34 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.21 |
|
||||
| explained_variance | -1.53 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0803 |
|
||||
| n_updates | 128 |
|
||||
| policy_gradient_loss | -0.0436 |
|
||||
| value_loss | 0.00116 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.3e+03 |
|
||||
| ep_rew_mean | -0.243 |
|
||||
| time/ | |
|
||||
| fps | 1244 |
|
||||
| iterations | 34 |
|
||||
| time_elapsed | 55 |
|
||||
| total_timesteps | 69632 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.022691075 |
|
||||
| clip_fraction | 0.325 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.18 |
|
||||
| explained_variance | -1.67 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0822 |
|
||||
| n_updates | 132 |
|
||||
| policy_gradient_loss | -0.0478 |
|
||||
| value_loss | 0.00113 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.29e+03 |
|
||||
| ep_rew_mean | -0.239 |
|
||||
| time/ | |
|
||||
| fps | 1247 |
|
||||
| iterations | 35 |
|
||||
| time_elapsed | 57 |
|
||||
| total_timesteps | 71680 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.023983043 |
|
||||
| clip_fraction | 0.343 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.18 |
|
||||
| explained_variance | -2.29 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0878 |
|
||||
| n_updates | 136 |
|
||||
| policy_gradient_loss | -0.0478 |
|
||||
| value_loss | 0.00114 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.29e+03 |
|
||||
| ep_rew_mean | -0.226 |
|
||||
| time/ | |
|
||||
| fps | 1250 |
|
||||
| iterations | 36 |
|
||||
| time_elapsed | 58 |
|
||||
| total_timesteps | 73728 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.023928368 |
|
||||
| clip_fraction | 0.339 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.16 |
|
||||
| explained_variance | -3.01 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0875 |
|
||||
| n_updates | 140 |
|
||||
| policy_gradient_loss | -0.0508 |
|
||||
| value_loss | 0.00123 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.29e+03 |
|
||||
| ep_rew_mean | -0.226 |
|
||||
| time/ | |
|
||||
| fps | 1251 |
|
||||
| iterations | 37 |
|
||||
| time_elapsed | 60 |
|
||||
| total_timesteps | 75776 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.029227499 |
|
||||
| clip_fraction | 0.362 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.16 |
|
||||
| explained_variance | -2.77 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0825 |
|
||||
| n_updates | 144 |
|
||||
| policy_gradient_loss | -0.0478 |
|
||||
| value_loss | 0.00105 |
|
||||
-----------------------------------------
|
||||
----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.29e+03 |
|
||||
| ep_rew_mean | -0.226 |
|
||||
| time/ | |
|
||||
| fps | 1254 |
|
||||
| iterations | 38 |
|
||||
| time_elapsed | 62 |
|
||||
| total_timesteps | 77824 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.02629639 |
|
||||
| clip_fraction | 0.377 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.17 |
|
||||
| explained_variance | -1.49 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0794 |
|
||||
| n_updates | 148 |
|
||||
| policy_gradient_loss | -0.0471 |
|
||||
| value_loss | 0.00104 |
|
||||
----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.3e+03 |
|
||||
| ep_rew_mean | -0.221 |
|
||||
| time/ | |
|
||||
| fps | 1255 |
|
||||
| iterations | 39 |
|
||||
| time_elapsed | 63 |
|
||||
| total_timesteps | 79872 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.024264112 |
|
||||
| clip_fraction | 0.348 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.16 |
|
||||
| explained_variance | -1.81 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0864 |
|
||||
| n_updates | 152 |
|
||||
| policy_gradient_loss | -0.0496 |
|
||||
| value_loss | 0.00101 |
|
||||
-----------------------------------------
|
||||
----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.31e+03 |
|
||||
| ep_rew_mean | -0.217 |
|
||||
| time/ | |
|
||||
| fps | 1257 |
|
||||
| iterations | 40 |
|
||||
| time_elapsed | 65 |
|
||||
| total_timesteps | 81920 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.03137113 |
|
||||
| clip_fraction | 0.385 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.14 |
|
||||
| explained_variance | -2.58 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0907 |
|
||||
| n_updates | 156 |
|
||||
| policy_gradient_loss | -0.0514 |
|
||||
| value_loss | 0.000992 |
|
||||
----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.31e+03 |
|
||||
| ep_rew_mean | -0.217 |
|
||||
| time/ | |
|
||||
| fps | 1259 |
|
||||
| iterations | 41 |
|
||||
| time_elapsed | 66 |
|
||||
| total_timesteps | 83968 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.026189182 |
|
||||
| clip_fraction | 0.37 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.13 |
|
||||
| explained_variance | -1.83 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0842 |
|
||||
| n_updates | 160 |
|
||||
| policy_gradient_loss | -0.0472 |
|
||||
| value_loss | 0.00098 |
|
||||
-----------------------------------------
|
||||
---------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.32e+03 |
|
||||
| ep_rew_mean | -0.21 |
|
||||
| time/ | |
|
||||
| fps | 1261 |
|
||||
| iterations | 42 |
|
||||
| time_elapsed | 68 |
|
||||
| total_timesteps | 86016 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.0249079 |
|
||||
| clip_fraction | 0.335 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.14 |
|
||||
| explained_variance | -1.64 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0877 |
|
||||
| n_updates | 164 |
|
||||
| policy_gradient_loss | -0.0472 |
|
||||
| value_loss | 0.000896 |
|
||||
---------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.32e+03 |
|
||||
| ep_rew_mean | -0.21 |
|
||||
| time/ | |
|
||||
| fps | 1263 |
|
||||
| iterations | 43 |
|
||||
| time_elapsed | 69 |
|
||||
| total_timesteps | 88064 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.025553392 |
|
||||
| clip_fraction | 0.346 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.14 |
|
||||
| explained_variance | -1.44 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0829 |
|
||||
| n_updates | 168 |
|
||||
| policy_gradient_loss | -0.0451 |
|
||||
| value_loss | 0.000811 |
|
||||
-----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.34e+03 |
|
||||
| ep_rew_mean | -0.198 |
|
||||
| time/ | |
|
||||
| fps | 1265 |
|
||||
| iterations | 44 |
|
||||
| time_elapsed | 71 |
|
||||
| total_timesteps | 90112 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.027851868 |
|
||||
| clip_fraction | 0.336 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.11 |
|
||||
| explained_variance | -3.01 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0836 |
|
||||
| n_updates | 172 |
|
||||
| policy_gradient_loss | -0.0495 |
|
||||
| value_loss | 0.000813 |
|
||||
-----------------------------------------
|
||||
----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.34e+03 |
|
||||
| ep_rew_mean | -0.2 |
|
||||
| time/ | |
|
||||
| fps | 1266 |
|
||||
| iterations | 45 |
|
||||
| time_elapsed | 72 |
|
||||
| total_timesteps | 92160 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.03102021 |
|
||||
| clip_fraction | 0.343 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.11 |
|
||||
| explained_variance | -2.36 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0771 |
|
||||
| n_updates | 176 |
|
||||
| policy_gradient_loss | -0.0518 |
|
||||
| value_loss | 0.000777 |
|
||||
----------------------------------------
|
||||
-----------------------------------------
|
||||
| rollout/ | |
|
||||
| ep_len_mean | 1.34e+03 |
|
||||
| ep_rew_mean | -0.206 |
|
||||
| time/ | |
|
||||
| fps | 1266 |
|
||||
| iterations | 46 |
|
||||
| time_elapsed | 74 |
|
||||
| total_timesteps | 94208 |
|
||||
| train/ | |
|
||||
| approx_kl | 0.032389328 |
|
||||
| clip_fraction | 0.395 |
|
||||
| clip_range | 0.15 |
|
||||
| entropy_loss | -8.11 |
|
||||
| explained_variance | -2.11 |
|
||||
| learning_rate | 0.00025 |
|
||||
| loss | -0.0933 |
|
||||
| n_updates | 180 |
|
||||
| policy_gradient_loss | -0.0508 |
|
||||
| value_loss | 0.00094 |
|
||||
-----------------------------------------
|
File diff suppressed because it is too large
Load Diff
@ -0,0 +1,68 @@
|
||||
import os
|
||||
|
||||
import retro
|
||||
import optuna
|
||||
from stable_baselines3 import PPO
|
||||
from stable_baselines3.common.monitor import Monitor
|
||||
from stable_baselines3.common.evaluation import evaluate_policy
|
||||
|
||||
from street_fighter_custom_wrapper import StreetFighterCustomWrapper
|
||||
|
||||
LOG_DIR = 'logs/'
|
||||
OPT_DIR = 'optuna/'
|
||||
os.makedirs(LOG_DIR, exist_ok=True)
|
||||
os.makedirs(OPT_DIR, exist_ok=True)
|
||||
|
||||
def optimize_ppo(trial):
|
||||
return {
|
||||
'n_steps':trial.suggest_int('n_steps', 512, 2048, log=True),
|
||||
'gamma':trial.suggest_float('gamma', 0.9, 0.9999),
|
||||
'learning_rate':trial.suggest_float('learning_rate', 5e-5, 5e-4, log=True),
|
||||
'gae_lambda':trial.suggest_float('gae_lambda', 0.8, 0.9999)
|
||||
}
|
||||
|
||||
def make_env(game, state):
|
||||
def _init():
|
||||
env = retro.make(
|
||||
game=game,
|
||||
state=state,
|
||||
use_restricted_actions=retro.Actions.FILTERED,
|
||||
obs_type=retro.Observations.IMAGE
|
||||
)
|
||||
env = StreetFighterCustomWrapper(env)
|
||||
return env
|
||||
return _init
|
||||
|
||||
def optimize_agent(trial):
|
||||
game = "StreetFighterIISpecialChampionEdition-Genesis"
|
||||
state = "Champion.Level1.ChunLiVsGuile"#"ChampionX.Level1.ChunLiVsKen"
|
||||
|
||||
try:
|
||||
model_params = optimize_ppo(trial)
|
||||
|
||||
# Create environment
|
||||
env = make_env(game, state)()
|
||||
env = Monitor(env, LOG_DIR)
|
||||
|
||||
# Create algo
|
||||
model = PPO('CnnPolicy', env, verbose=1, **model_params)
|
||||
model.learn(total_timesteps=500000)
|
||||
|
||||
# Evaluate model
|
||||
mean_reward, _ = evaluate_policy(model, env, n_eval_episodes=30, deterministic=False)
|
||||
env.close()
|
||||
|
||||
SAVE_PATH = os.path.join(OPT_DIR, 'trial_{}_best_model'.format(trial.number))
|
||||
model.save(SAVE_PATH)
|
||||
|
||||
return mean_reward
|
||||
|
||||
except Exception as e:
|
||||
return -1
|
||||
|
||||
# Creating the experiment
|
||||
study = optuna.create_study(direction='maximize')
|
||||
study.optimize(optimize_agent, n_trials=10, n_jobs=1)
|
||||
|
||||
print(study.best_params)
|
||||
print(study.best_trial)
|
60
data.json
Normal file
60
data.json
Normal file
@ -0,0 +1,60 @@
|
||||
{
|
||||
"info": {
|
||||
"enemy_character": {
|
||||
"address": 16745563,
|
||||
"type": "|u1"
|
||||
},
|
||||
"agent_hp": {
|
||||
"address": 16744514,
|
||||
"type": ">i2"
|
||||
},
|
||||
"agent_x": {
|
||||
"address": 16744454,
|
||||
"type": ">u2"
|
||||
},
|
||||
"agent_y": {
|
||||
"address": 16744458,
|
||||
"type": ">u2"
|
||||
},
|
||||
"enemy_hp": {
|
||||
"address": 16745154,
|
||||
"type": ">i2"
|
||||
},
|
||||
"enemy_x": {
|
||||
"address": 16745094,
|
||||
"type": ">u2"
|
||||
},
|
||||
"enemy_y": {
|
||||
"address": 16745098,
|
||||
"type": ">u2"
|
||||
},
|
||||
"score": {
|
||||
"address": 16744936,
|
||||
"type": ">d4"
|
||||
},
|
||||
"agent_victories": {
|
||||
"address": 16744922,
|
||||
"type": "|u1"
|
||||
},
|
||||
"enemy_victories": {
|
||||
"address": 16745559,
|
||||
"type": ">u4"
|
||||
},
|
||||
"round_countdown": {
|
||||
"address": 16750378,
|
||||
"type": ">u2"
|
||||
},
|
||||
"reset_countdown": {
|
||||
"address": 16744917,
|
||||
"type": "|u1"
|
||||
},
|
||||
"agent_status": {
|
||||
"address": 16744450,
|
||||
"type": ">u2"
|
||||
},
|
||||
"enemy_status": {
|
||||
"address": 16745090,
|
||||
"type": ">u2"
|
||||
}
|
||||
}
|
||||
}
|
Loading…
Reference in New Issue
Block a user