Skip to content

Instantly share code, notes, and snippets.

@qpwo
Last active September 29, 2025 06:25
Show Gist options
  • Save qpwo/f6a90a2237ff4d58444bd646c7760224 to your computer and use it in GitHub Desktop.
Save qpwo/f6a90a2237ff4d58444bd646c7760224 to your computer and use it in GitHub Desktop.
atari realtime rl runner
#!/usr/bin/env python3
import torch, gymnasium as gym, numpy as np, time, sys, threading, os, random
import torch.multiprocessing as mp
from torch import Tensor
from bg_record import log_step, bind_logger, log_close
# torch.set_num_threads(1)
NUM_PROCS = 16
FPS = 60.0
MAX_ACTIONS = 18
MAX_EPISODE_STEPS = int(45 * 60 * FPS)
games = sorted([
"ALE/Adventure-v5", "ALE/AirRaid-v5", "ALE/Alien-v5", "ALE/Amidar-v5", "ALE/Assault-v5",
"ALE/Asterix-v5", "ALE/Asteroids-v5", "ALE/Atlantis-v5", "ALE/BankHeist-v5",
"ALE/BattleZone-v5", "ALE/BeamRider-v5", "ALE/Berzerk-v5", "ALE/Bowling-v5",
"ALE/Boxing-v5", "ALE/Breakout-v5", "ALE/Carnival-v5", "ALE/Centipede-v5",
"ALE/ChopperCommand-v5", "ALE/CrazyClimber-v5", "ALE/Defender-v5", "ALE/DemonAttack-v5",
"ALE/DoubleDunk-v5", "ALE/ElevatorAction-v5", "ALE/Enduro-v5", "ALE/FishingDerby-v5",
"ALE/Freeway-v5", "ALE/Frostbite-v5", "ALE/Gopher-v5", "ALE/Gravitar-v5", "ALE/Hero-v5",
"ALE/IceHockey-v5", "ALE/Jamesbond-v5", "ALE/JourneyEscape-v5", "ALE/Kangaroo-v5",
"ALE/KeystoneKapers-v5", "ALE/KingKong-v5", "ALE/Krull-v5", "ALE/KungFuMaster-v5",
"ALE/MontezumaRevenge-v5", "ALE/MsPacman-v5", "ALE/NameThisGame-v5", "ALE/Phoenix-v5",
"ALE/Pitfall-v5", "ALE/Pong-v5", "ALE/Pooyan-v5", "ALE/PrivateEye-v5", "ALE/Qbert-v5",
"ALE/Riverraid-v5", "ALE/RoadRunner-v5", "ALE/Robotank-v5", "ALE/Seaquest-v5",
"ALE/Skiing-v5", "ALE/Solaris-v5", "ALE/SpaceInvaders-v5", "ALE/StarGunner-v5",
"ALE/Tennis-v5", "ALE/TimePilot-v5", "ALE/Tutankham-v5", "ALE/UpNDown-v5",
"ALE/Venture-v5", "ALE/VideoPinball-v5", "ALE/WizardOfWor-v5", "ALE/YarsRevenge-v5",
"ALE/Zaxxon-v5"
])
NUM_ENVS = len(games)
print(f'{NUM_ENVS=}')
def env_thread_worker(first_start_at, game_id, g_idx, obs_s: Tensor, act_s: Tensor, info_s: Tensor, shutdown):
import ale_py # required for atari
next_frame_due = first_start_at + 15.0 # let all procs start
env = gym.make(game_id, obs_type="rgb", frameskip=1, repeat_action_probability=0.0, full_action_space=True, max_episode_steps=MAX_EPISODE_STEPS)
envseed = g_idx * 100 + int(os.environ['myseed'])
print(f'{game_id=} {envseed=}')
obs, _ = env.reset(seed=envseed)
h, w, _ = obs.shape
obs_s[g_idx, :h, :w].copy_(torch.from_numpy(obs), non_blocking=True)
bind_logger(game_id, g_idx, info_s)
while not shutdown.is_set():
while time.time() > next_frame_due: next_frame_due += 1.0 / FPS
time.sleep(max(0, next_frame_due - time.time()))
action = act_s[g_idx].item()
obs, rew, term, trunc, _ = env.step(action)
log_step(action, obs, rew, term, trunc)
obs_s[g_idx, :h, :w].copy_(torch.from_numpy(obs), non_blocking=True)
if term or trunc:
obs, _ = env.reset()
obs_s[g_idx, :h, :w].copy_(torch.from_numpy(obs), non_blocking=True)
log_close()
def seed(prefix, offset:int):
s = int(os.environ['myseed']) + offset
print(f'random seed: {prefix}: {s=}')
random.seed(s)
np.random.seed(s)
torch.manual_seed(s)
torch.cuda.manual_seed(s)
# torch.backends.cudnn.deterministic = True # Not worth it!
# torch.backends.cudnn.benchmark = False # Not worth it!
def env_proc(first_start_at, game_chunk, offset, obs_s, act_s, info_s, shutdown):
seed('env', offset + 1)
threads = [threading.Thread(target=env_thread_worker, args=(first_start_at, g, offset+i, obs_s, act_s, info_s, shutdown))
for i, g in enumerate(game_chunk)]
for t in threads: t.start()
for t in threads: t.join()
def agent_proc(obs_s, act_s, info_s, shutdown):
seed('agent', 0)
from myagent import Agent
agent = Agent()
save_path = "agent.pt"
try: # only first load attempt allowed to fail
print(f"loading from {save_path=}")
agent.load(save_path)
except Exception: pass
print(f"saving to {save_path=}")
agent.save(save_path)
print(f"loading from {save_path=}")
agent.load(save_path) # success required
last_save_time = time.time()
while not shutdown.is_set():
# NOTE: THE AGENT IS CALLED IN A LOOP AS FAST AS POSSIBLE. THERE IS NO SLEEP STATEMENT IN THIS BLOCK.
# (a very fast agent would do multiple passes per frame. a slow agent would take multiple frames to do a pass.)
# NOTE: THE act_and_learn ARGUMENTS HAVE CHANGED
# EACH ROW IN info_s IS LIKE (acc_reward, acc_frames, acc_term, acc_trunc)
agent.act_and_learn(obs_s, info_s.clone(), act_s)
if time.time() - last_save_time > 29*60:
print(f"saving to {save_path=}")
agent.save(save_path)
print(f"loading from {save_path=}")
agent.load(save_path)
last_save_time = time.time()
if __name__ == "__main__":
first_start_at = time.time()
mp.set_start_method("forkserver", force=True)
obs_s = torch.zeros((NUM_ENVS, 250, 160, 3), dtype=torch.uint8, device="cuda").share_memory_()
act_s = torch.zeros(NUM_ENVS, dtype=torch.int64, device="cuda").share_memory_()
info_s = torch.zeros((NUM_ENVS, 4), dtype=torch.float32, device="cuda").share_memory_()
shutdown = mp.Event()
proc_configs = [{'target': agent_proc, 'args': (obs_s, act_s, info_s, shutdown)}]
game_chunks = np.array_split(games, NUM_PROCS)
for i, chunk in enumerate(game_chunks):
offset = sum(len(c) for c in game_chunks[:i])
proc_configs.append({'target': env_proc, 'args': (first_start_at, chunk, offset, obs_s, act_s, info_s, shutdown)})
# bg_record_proc(obs_s, shutdown, out_path="12x6_1080_30.mp4")
from bg_record import bg_record_proc
proc_configs.append({'target': bg_record_proc, 'args': (obs_s, info_s, shutdown, games, first_start_at)})
procs = [mp.Process(**cfg) for cfg in proc_configs]
for p in procs: p.start()
try:
duration = int(os.environ["RUNDURATIONSECONDS"])
while time.time() - first_start_at < duration:
time.sleep(15)
for i, p in enumerate(procs):
if not p.is_alive():
print("RIP SOMEONE CRASHED", file=sys.stderr)
sys.exit(1)
sys.stdout.flush()
sys.stderr.flush()
except KeyboardInterrupt:
print("\nShutdown signal received...")
finally:
shutdown.set()
for p in procs: p.join(timeout=10)
for p in procs:
if p.is_alive(): p.terminate()
print("All processes terminated.")
# agent ranking code has moved but essentially you want your top few episodes to score within 50% of the all-time record on each and every game. especially adventure, pong, pitfall, and skiing. nobody willing to face the pain with skiing... so much pain in that game lol
# very messy. you can ignore this file. lots of different stats recorded.
#!/usr/bin/env python3
import os, time, subprocess, threading, pickle, json
import torch
import torch.nn.functional as F
# 12x6 grid -> 1920x1080, so per-tile = 160x180
GRID_COLS, GRID_ROWS = 12, 6
TILE_W, TILE_H = 160, 180
OUT_W, OUT_H = GRID_COLS * TILE_W, GRID_ROWS * TILE_H
# filenames identical to originals
csvf = lambda g: f"episodes_tmp/{g.replace('/','__')}_rawer.csv"
epf = lambda g: f"episodes_tmp/{g.replace('/','__')}_raw.jsonl"
lpf = lambda g: f"episodes_tmp/{g.replace('/','__')}.lenl"
# thread-local per-env logger state
_tl = threading.local()
def bind_logger(game_id, g_idx, info_s):
os.makedirs("episodes_tmp", exist_ok=True)
# episode files are created lazily on write; touch not required for identical behavior
st = _tl
st.game_id = game_id
st.g_idx = g_idx
st.info_s = info_s
st.ep = 0.0
st.ep_len = 0
st.last_action = 0
st.savetriples = int(os.getenv('savetriples', 0)) > 0
if st.savetriples:
os.makedirs('recording', exist_ok=True)
st.triplepath = f"recording/{game_id.split('/')[-1]}_triples.pkl"
st.csvff = open(csvf(game_id), 'a')
def log_step(action, obs, rew, term, trunc):
st = _tl
# 1) write raw csv exactly as before
st.csvff.write(f"{action},{rew},{term},{trunc}\n")
# 2) if episode ended, flush previous ep stats BEFORE adding current step (matches old ordering)
if term or trunc:
with open(epf(st.game_id), "a") as f: f.write(f"{st.ep}\n")
with open(lpf(st.game_id), "a") as f: f.write(f"{st.ep_len}\n")
st.ep = 0.0
st.ep_len = 0
# 3) optional triples with raw rew, and obs.copy()
if st.savetriples:
with open(st.triplepath, 'ab+') as f:
pickle.dump((obs.copy(), action, rew), f)
# 4) reward shaping identical to original
shaped = max(-1.0, min(1.0, rew))
if action != st.last_action and action != 0:
shaped -= 0.0001
st.last_action = action
# 5) accumulate episode stats and global counters
st.ep += shaped
st.ep_len += 1
st.info_s[st.g_idx, 0].add_(float(shaped)) # accumulated reward
st.info_s[st.g_idx, 1].add_(1) # accumulated frames
if term:
st.info_s[st.g_idx, 2].add_(1) # accumulated terminations
if trunc:
st.info_s[st.g_idx, 3].add_(1) # accumulated truncations
def log_close():
st = _tl
try:
if st.ep_len:
with open(epf(st.game_id), "a") as f: f.write(f"{st.ep}\n")
with open(lpf(st.game_id), "a") as f: f.write(f"{st.ep_len}\n")
finally:
try:
st.csvff.close()
except Exception:
pass
def _prep_tiles(obs_s):
# obs_s: (N, 250, 160, 3) uint8 on cuda
n = min(64, obs_s.shape[0])
x = obs_s[:n].permute(0, 3, 1, 2).contiguous().to(torch.float32) # (n,3,250,160) in [0..255]
x = F.interpolate(x, size=(TILE_H, TILE_W), mode='area') # (n,3,180,160)
x = x.clamp(0, 255).to(torch.uint8).permute(0, 2, 3, 1).contiguous() # (n,180,160,3)
return x
def _composite_grid(tiles):
# tiles: (k, 180,160,3) on cuda
k = tiles.shape[0]
grid = torch.zeros((OUT_H, OUT_W, 3), dtype=torch.uint8, device=tiles.device)
# Layout fills all cells except the bottom row outer 4+4 (eight blanks).
# This matches our existing 12x6 gaps layout used elsewhere.
vi = 0
for cell in range(GRID_COLS * GRID_ROWS):
r, c = divmod(cell, GRID_COLS)
y0, x0 = r * TILE_H, c * TILE_W
# blanks at bottom row left 4 and right 4
if r == GRID_ROWS - 1 and (c <= 3 or c >= 8):
continue
if vi < k:
grid[y0:y0+TILE_H, x0:x0+TILE_W] = tiles[vi]
vi += 1
else:
pass
return grid
def _stats_header_and_banner(games):
os.makedirs("episodes_tmp", exist_ok=True)
for g in games:
open(epf(g), "a").close()
open(lpf(g), "a").close()
# header line for simplestats.csv
with open("simplestats.csv", "w") as f:
f.write("ts," + ",".join(g.split('/')[-1].replace('-v5','') for g in games) + '\n')
# console header
print(f"{'time_s,':>8} {'game,':<26} {'steps,':>11} {'reward'}")
def _write_stats_row(info_s, games, first_start_at):
stats = info_s.clone().cpu()
ts = int(time.time() - first_start_at)
for i, game in enumerate(games):
steps, reward = stats[i, 1].item(), stats[i, 0].item()
print(f"{ts:>7,}, {game:<25}, {int(steps):>10,}, {reward:>12.2f}")
total_rewards, total_steps = stats[:, 0], stats[:, 1]
reward_per_step = torch.where(total_steps > 0, total_rewards / total_steps, 0.0)
with open("simplestats.csv", "a") as f:
f.write(f"{ts}," + ",".join(f"{v:.4f}" for v in reward_per_step) + '\n')
def _final_scoring(info_s, games):
# --- FINAL SCORE ---
print("\n--- FINAL SCORE ---")
stats = info_s.clone().cpu()
total_rewards, total_steps = stats[:, 0], stats[:, 1]
num_resets = stats[:, 2] + stats[:, 3]
adj_rewards = total_rewards - 5.0 * num_resets
reward_per_step = torch.where(total_steps > 72000, adj_rewards / total_steps, 0.0)
env_badnesses = torch.where(reward_per_step <= 0, 1e7, 1.0 / reward_per_step)
env_badnesses = env_badnesses.clamp(1e-6, 1e7)
run_badness = torch.exp(torch.log(env_badnesses).mean()).item() # geometric mean
env_badnesses = env_badnesses.tolist()
with open('badnesses.json','w') as f: json.dump(env_badnesses, f)
with open('badness.json','w') as f: json.dump(run_badness, f)
all_ep = {g: {"rewards":[float(x) for x in open(epf(g)) if x.strip()], "lengths":[int(x) for x in open(lpf(g)) if x.strip()]} for g in games}
with open('all_episode_rewards_raw.json','w') as f: json.dump(all_ep, f)
mean_ep = {g: (sum(v["rewards"])/len(v["rewards"]) if v["rewards"] else 0.0) for g, v in all_ep.items()}
with open('mean_episode_reward_raw.json','w') as f: json.dump(mean_ep, f)
print(f"{env_badnesses=}") # ignore
print(f"{run_badness=}") # ignore
# SCORING HAS CHANGED: there is a new scoring function outside this file. basically just the total reward of the top E episodes in the run. and some other stuff.
def bg_record_proc(obs_s, info_s, shutdown, games, first_start_at, out_path="12x6_1080_30.mp4"):
fps=30
# obs_s is a cuda uint8 tensor (N, 250, 160, 3)
gpuidx = int(os.environ['CUDA_VISIBLE_DEVICES'])
print(f'bg_record_proc: {gpuidx=}')
_stats_header_and_banner(games)
cmd = [
"ffmpeg","-hide_banner","-loglevel","error","-y",
"-hwaccel", "cuda", "-hwaccel_output_format", "cuda",
"-f","rawvideo","-vcodec","rawvideo",
"-s", f"{OUT_W}x{OUT_H}",
"-pix_fmt","rgb24",
"-r", str(fps),
"-i","-",
"-an","-r", str(fps),
"-c:v","h264_nvenc","-preset","p3","-pix_fmt","yuv420p","-movflags","+faststart",
out_path
]
p = subprocess.Popen(cmd, stdin=subprocess.PIPE)
period = 1.0 / float(fps)
next_due = time.time()
next_stats_due = time.time() + 15.0
while not shutdown.is_set():
now = time.time()
if now < next_due:
time.sleep(next_due - now)
# video frame
tiles = _prep_tiles(obs_s)
frame = _composite_grid(tiles) # (1080,1920,3) u8 cuda
buf = frame.cpu().numpy().tobytes()
p.stdin.write(buf)
next_due += period
# periodic stats every ~15s, identical formatting/behavior
if now >= next_stats_due:
_write_stats_row(info_s, games, first_start_at)
next_stats_due += 15.0
# finalize ffmpeg
p.stdin.close()
p.wait()
# small grace to let env threads flush ep files in log_close
time.sleep(2.0)
_final_scoring(info_s, games)
"ALE/Adventure-v5": trash
"ALE/AirRaid-v5": "top3epsavg":15.3196
"ALE/Alien-v5": "top3epsavg":71.6336
"ALE/Amidar-v5": "top3epsavg":25.6453
"ALE/Assault-v5": "top3epsavg":22.3211
"ALE/Asterix-v5": "top3epsavg":16.6461
"ALE/Asteroids-v5": "top3epsavg":34.9579
"ALE/Atlantis-v5": "top3epsavg":52.5904
"ALE/BankHeist-v5": "top3epsavg":2.9618
"ALE/BattleZone-v5": "top3epsavg":5.6348
"ALE/BeamRider-v5": "top3epsavg":18.2698
"ALE/Berzerk-v5": "top3epsavg":12.6405
"ALE/Bowling-v5": "top3epsavg":8.6246
"ALE/Boxing-v5": trash
"ALE/Breakout-v5": "top3epsavg":4.9887
"ALE/Carnival-v5": "top3epsavg":18.6361
"ALE/Centipede-v5": "top3epsavg":147.9749
"ALE/ChopperCommand-v5": "top3epsavg":7.9962
"ALE/CrazyClimber-v5": "top3epsavg":124.1727
"ALE/Defender-v5": "top3epsavg":86.0654
"ALE/DemonAttack-v5": "top3epsavg":54.6289
"ALE/DoubleDunk-v5": trash
"ALE/ElevatorAction-v5": trash
"ALE/Enduro-v5": "top3epsavg":40.9296
"ALE/FishingDerby-v5": trash
"ALE/Freeway-v5": "top3epsavg":22.6551
"ALE/Frostbite-v5": trash
"ALE/Gopher-v5": "top3epsavg":33.5704
"ALE/Gravitar-v5": "top3epsavg":2.6198
"ALE/Hero-v5": trash
"ALE/IceHockey-v5": trash
"ALE/Jamesbond-v5": "top3epsavg":1.9915
"ALE/JourneyEscape-v5": trash
"ALE/Kangaroo-v5": "top3epsavg":2.9783
"ALE/KeystoneKapers-v5": "top3epsavg":1.6179
"ALE/KingKong-v5": "top3epsavg":3.8203
"ALE/Krull-v5": "top3epsavg":379.6105
"ALE/KungFuMaster-v5": "top3epsavg":46.9359
# monte we only take top one episode
"ALE/MontezumaRevenge-v5": "top_ONE_epsavg":0.5947
"ALE/MsPacman-v5": "top3epsavg":72.311
"ALE/NameThisGame-v5": "top3epsavg":138.9069
"ALE/Pitfall-v5": trash
"ALE/Phoenix-v5": "top3epsavg":19.6203
"ALE/Pong-v5": "top3epsavg":-18.7248
"ALE/Pooyan-v5": "top3epsavg":53.6331
"ALE/PrivateEye-v5": trash
"ALE/Qbert-v5": "top3epsavg":15.3175
"ALE/Riverraid-v5": "top3epsavg":32.9783
"ALE/RoadRunner-v5": trash
"ALE/Robotank-v5": "top3epsavg":14.2873
"ALE/Seaquest-v5": "top3epsavg":15.9665
"ALE/Skiing-v5": trash
"ALE/Solaris-v5": "top3epsavg":15.3282
"ALE/SpaceInvaders-v5": "top3epsavg":31.3137
"ALE/StarGunner-v5": "top3epsavg":7.183
"ALE/Tennis-v5": trash
"ALE/TimePilot-v5": "top3epsavg":12.2634
"ALE/Tutankham-v5": trash
"ALE/UpNDown-v5": "top3epsavg":49.6482
"ALE/Venture-v5": trash
"ALE/VideoPinball-v5": "top3epsavg":145.4624
"ALE/WizardOfWor-v5": "top3epsavg":6.9338
"ALE/YarsRevenge-v5": "top3epsavg":120.6556
"ALE/Zaxxon-v5": trash
+ named_cat: upcoming: ./runs/20250920_223642_4921/episodes_tmp/ALE__Adventure-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Adventure-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__AirRaid-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__AirRaid-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Alien-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Alien-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Amidar-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Amidar-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Assault-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Assault-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Asterix-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Asterix-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Asteroids-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Asteroids-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Atlantis-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Atlantis-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__BankHeist-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__BankHeist-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__BattleZone-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__BattleZone-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__BeamRider-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__BeamRider-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Berzerk-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Berzerk-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Bowling-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Bowling-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Boxing-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Boxing-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Breakout-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Breakout-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Carnival-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Carnival-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Centipede-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Centipede-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__ChopperCommand-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__ChopperCommand-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__CrazyClimber-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__CrazyClimber-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Defender-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Defender-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__DemonAttack-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__DemonAttack-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__DoubleDunk-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__DoubleDunk-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__ElevatorAction-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__ElevatorAction-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Enduro-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Enduro-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__FishingDerby-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__FishingDerby-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Freeway-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Freeway-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Frostbite-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Frostbite-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Gopher-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Gopher-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Gravitar-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Gravitar-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Hero-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Hero-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__IceHockey-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__IceHockey-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Jamesbond-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Jamesbond-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__JourneyEscape-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__JourneyEscape-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Kangaroo-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Kangaroo-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__KeystoneKapers-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__KeystoneKapers-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__KingKong-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__KingKong-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Krull-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Krull-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__KungFuMaster-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__KungFuMaster-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__MontezumaRevenge-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__MontezumaRevenge-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__MsPacman-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__MsPacman-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__NameThisGame-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__NameThisGame-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Phoenix-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Phoenix-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Pitfall-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Pitfall-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Pong-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Pong-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Pooyan-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Pooyan-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__PrivateEye-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__PrivateEye-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Qbert-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Qbert-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Riverraid-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Riverraid-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__RoadRunner-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__RoadRunner-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Robotank-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Robotank-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Seaquest-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Seaquest-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Skiing-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Skiing-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Solaris-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Solaris-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__SpaceInvaders-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__SpaceInvaders-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__StarGunner-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__StarGunner-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Tennis-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Tennis-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__TimePilot-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__TimePilot-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Tutankham-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Tutankham-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__UpNDown-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__UpNDown-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Venture-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Venture-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__VideoPinball-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__VideoPinball-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__WizardOfWor-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__WizardOfWor-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__YarsRevenge-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__YarsRevenge-v5_raw.jsonl ./runs/20250920_223642_4921/episodes_tmp/ALE__Zaxxon-v5.lenl ./runs/20250920_223642_4921/episodes_tmp/ALE__Zaxxon-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Adventure-v5.lenl
11069
108000
96180
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Adventure-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Adventure-v5_raw.jsonl
-0.3324999999999797
-0.6722999999999423
-0.0002
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Adventure-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__AirRaid-v5.lenl
1642
2880
2100
1102
1350
1035
1259
1563
1304
866
559
509
632
739
739
739
748
625
625
739
739
739
739
739
739
739
739
739
739
739
739
739
739
739
739
739
739
739
739
739
739
739
739
739
738
738
575
738
738
739
575
739
739
575
748
738
738
744
738
738
962
892
744
748
739
744
748
744
748
788
738
748
748
744
788
748
739
748
744
739
739
791
739
739
796
744
738
797
744
1124
739
748
748
739
748
738
739
748
739
739
739
739
748
739
748
739
738
744
748
744
1187
738
739
738
828
825
1071
748
832
748
558
748
744
558
558
748
558
558
558
558
839
726
558
744
707
746
746
741
575
739
744
585
744
744
810
748
738
799
748
738
1148
811
739
738
1148
799
746
791
794
1115
575
1115
1516
708
849
818
1185
741
1038
716
747
651
1124
737
559
739
737
575
824
739
559
559
747
585
845
652
558
748
558
559
558
1125
651
1258
857
907
560
575
559
625
575
575
739
575
575
741
1629
1328
575
1351
912
560
560
559
558
747
560
859
575
779
749
898
754
624
625
511
1852
575
906
1324
559
655
631
706
504
504
711
632
716
630
628
630
663
560
892
883
635
1054
631
724
628
951
633
909
1941
2841
1831
1412
629
754
506
925
1044
908
561
3293
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__AirRaid-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__AirRaid-v5_raw.jsonl
7.95050000000003
11.907100000000137
10.935000000000052
3.969199999999976
4.967000000000002
5.976800000000008
7.972000000000023
4.968199999999995
3.9793999999999876
3.9904999999999955
1.9974000000000003
2.9987999999999997
4.9992
4.9998000000000005
4.9994000000000005
4.999599999999999
5.998300000000003
1.9996
1.999
5.0
5.0
5.0
4.9998000000000005
4.999300000000001
4.999600000000001
4.9998000000000005
5.0
4.9998000000000005
4.9998000000000005
4.9998000000000005
4.9998000000000005
4.9998000000000005
4.9998000000000005
4.9998000000000005
4.999700000000001
4.9998000000000005
4.9998000000000005
4.999600000000001
4.999600000000001
4.999700000000001
4.999500000000001
4.9998000000000005
4.999700000000001
4.999600000000001
4.999600000000001
4.999400000000001
3.9995999999999996
4.999700000000001
4.999400000000001
4.999400000000001
3.9994999999999994
4.999100000000002
4.999400000000001
3.999299999999999
4.9998000000000005
4.999100000000002
4.999500000000001
4.999400000000001
4.999300000000002
4.999400000000001
6.999300000000002
5.999300000000002
4.999100000000002
4.998600000000003
4.999600000000001
4.999300000000002
4.998800000000002
4.998300000000003
4.998900000000003
4.9985000000000035
4.998900000000003
4.998600000000003
4.9985000000000035
4.998300000000004
5.9985000000000035
4.999200000000002
4.999400000000001
4.998300000000004
4.998400000000004
4.998800000000003
4.998800000000003
4.997700000000005
4.999200000000002
4.999200000000002
4.997900000000005
4.998800000000003
4.999000000000002
4.9968000000000075
4.998400000000004
4.995400000000011
4.998900000000003
4.998300000000004
4.998300000000004
4.998700000000003
4.998300000000004
4.998300000000004
4.998900000000003
4.999100000000002
4.9985000000000035
4.999100000000002
4.998600000000003
4.997900000000005
4.9985000000000035
4.998600000000003
4.998400000000004
4.998700000000003
4.998200000000004
4.998100000000004
4.998100000000004
4.997500000000006
4.996200000000009
4.997500000000006
4.998300000000004
4.997800000000005
5.997100000000007
4.994400000000013
6.994300000000013
4.9972000000000065
6.996200000000008
4.9977000000000045
4.999000000000001
5.996200000000008
4.996700000000006
4.999200000000001
4.9993
4.997300000000005
4.9991
4.999200000000001
4.9993
4.999500000000001
4.994500000000012
5.997100000000006
4.999200000000001
5.998400000000003
5.998800000000002
4.998300000000002
4.998400000000002
4.999200000000001
3.9989999999999983
4.998000000000005
4.997900000000004
2.9999000000000002
4.998400000000004
4.998000000000004
5.997900000000004
4.998000000000004
4.997900000000005
5.998000000000005
4.997400000000006
4.9977000000000045
4.996200000000009
5.998000000000004
4.997900000000005
4.998200000000003
4.995200000000011
5.998200000000002
5.997800000000004
6.9973000000000045
5.998500000000002
4.995700000000009
3.9986999999999977
4.996600000000006
7.994100000000012
5.997900000000003
6.998800000000001
6.998200000000002
8.994500000000011
4.998200000000002
6.997500000000004
5.997400000000001
4.998400000000002
4.997599999999998
4.996800000000006
4.998100000000002
4.9991
4.998000000000003
4.9977000000000045
3.999399999999999
5.996700000000006
4.997900000000004
1.9994
4.998400000000002
5.997600000000005
2.9997
5.996800000000006
4.999299999999999
4.9992
5.998500000000002
4.9993
4.9991
4.9993
7.995100000000006
4.998399999999998
10.99510000000001
5.996800000000004
7.998100000000001
4.9992
3.998899999999998
4.998899999999999
1.9989000000000001
3.998399999999997
3.9989999999999983
4.998499999999998
3.998399999999997
3.998299999999997
4.9989
11.993000000000015
7.997200000000005
3.9980999999999964
11.995500000000007
8.996500000000005
4.998299999999999
4.9986999999999995
1.9991
4.9988
5.997800000000002
4.9986999999999995
7.9982000000000015
3.9979999999999967
5.9961000000000055
4.996900000000004
6.996500000000004
4.998500000000001
1.9993
1.9989000000000001
2.9985999999999997
8.991700000000016
3.998099999999997
7.996700000000005
10.99260000000001
1.9980000000000002
1.9971000000000003
2.997899999999999
2.997199999999998
1.9975000000000003
0.9981000000000001
1.9966000000000004
2.9973999999999967
2.9947999999999984
2.997799999999999
2.997999999999999
1.9976000000000003
3.996499999999995
2.9974999999999987
6.994999999999998
3.995199999999998
3.995899999999997
6.993099999999998
1.9969000000000003
4.995800000000001
1.9975000000000003
5.9932
2.997099999999998
2.995799999999997
6.993400000000002
12.983100000000015
4.9888000000000075
9.99120000000001
1.9949000000000006
3.9947
1.9953000000000003
3.994999999999998
6.993900000000004
5.992099999999996
2.9955000000000007
20.980300000000025
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__AirRaid-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Alien-v5.lenl
2622
2343
2593
2023
2559
1481
1877
2595
2443
2483
2383
2539
1943
2457
2147
1441
2669
1909
1267
1883
2475
1921
2285
2439
1611
2123
1527
2225
2469
3691
2695
2345
1833
2011
2347
1749
2475
2535
1483
4089
2427
2377
2211
2575
2261
3363
1687
2399
2581
2331
2517
2609
1651
2375
1915
1807
2973
3259
3311
3895
3049
1547
1937
2395
1983
2707
1885
3031
1467
2899
3431
2319
2283
2879
3259
3821
2653
4289
1731
2823
1979
2101
1921
1643
2383
2329
2015
2249
2209
3485
11
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Alien-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Alien-v5_raw.jsonl
17.916000000000096
18.926000000000137
11.923800000000156
12.950300000000096
17.95880000000007
17.99350000000001
4.997500000000004
19.973800000000058
26.976600000000047
18.98420000000003
13.977200000000051
16.991000000000017
21.987800000000025
21.978800000000042
31.97610000000005
20.99140000000002
26.978200000000047
28.989700000000024
25.994100000000007
31.988100000000024
34.97769999999994
20.991600000000012
25.98680000000003
13.975000000000056
19.974800000000055
32.97920000000002
25.988600000000023
34.98639999999976
30.96810000000007
51.96709999999964
42.97439999999986
31.98500000000003
29.98980000000002
33.986000000000004
40.97289999999955
28.985000000000028
27.98280000000004
36.98049999999983
29.987500000000026
55.97399999999992
40.980599999999896
32.989000000000004
28.993600000000015
28.987900000000025
29.98740000000003
36.978799999999765
24.986700000000027
25.984700000000032
25.992500000000014
30.987800000000025
30.973100000000063
33.97150000000004
32.98320000000001
32.98209999999995
24.980400000000042
28.984400000000036
63.978599999999794
31.966100000000075
43.962799999999106
35.9577999999989
34.96439999999957
28.984500000000036
28.980200000000046
36.971399999999775
34.976599999999955
34.97369999999948
33.97839999999963
44.967199999999764
28.987700000000025
39.974899999999735
43.970699999999624
35.97739999999963
36.982299999999626
53.9786999999997
47.96549999999955
60.95619999999925
31.976700000000054
79.94929999999863
29.983900000000034
70.97279999999951
36.984199999999994
38.981899999999854
32.9888999999999
26.988800000000023
41.974099999999865
28.983200000000036
42.98119999999987
37.98179999999974
36.984099999999984
44.97199999999941
-0.0002
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Alien-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Amidar-v5.lenl
2133
2289
2254
2334
2289
2224
2064
2759
2624
1759
1759
2784
2279
1764
1759
2259
1784
3264
2274
3264
3389
2404
2384
2264
1849
3389
3519
2389
2789
2544
1929
2009
2374
2674
2054
2999
2429
2594
2234
2064
1769
1689
1584
1984
2299
2324
2179
2239
2554
2409
2604
2079
2084
2969
2499
2639
2679
1559
2179
1634
2194
1569
2999
1809
2894
2179
1739
3309
2694
1969
2604
2664
1864
2089
2074
2049
2659
1949
2014
2624
2129
2919
2724
2734
2649
2999
1774
2904
2129
2974
2829
378
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Amidar-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Amidar-v5_raw.jsonl
-0.06530000000000084
0.9283000000000008
-0.06780000000000092
0.9320000000000034
0.9398000000000026
1.9423000000000046
3.968399999999995
1.9714000000000031
8.97320000000002
1.9881000000000009
1.988700000000001
1.9857000000000014
1.9852000000000012
1.987300000000001
1.9860000000000013
1.9869000000000014
1.9870000000000014
1.9789000000000023
1.9850000000000017
1.9926000000000008
1.9922000000000009
4.989500000000018
2.994199999999996
1.9931000000000008
4.997400000000002
1.9897000000000011
1.9796000000000022
1.9805000000000021
1.9781000000000024
4.992700000000014
1.990400000000001
1.991200000000001
1.9862000000000015
17.97790000000004
4.990500000000015
3.97559999999997
1.9723000000000024
3.9661999999999886
3.974099999999981
4.976599999999991
17.982100000000024
9.997000000000003
4.993800000000009
6.980200000000041
4.9741000000000595
4.9824000000000375
6.986800000000029
6.984700000000036
15.99160000000002
6.988700000000026
14.99110000000002
6.985900000000031
8.990900000000014
14.980800000000041
6.98210000000004
11.97460000000006
28.98630000000003
2.9869999999999783
16.977500000000003
4.982000000000039
15.977500000000042
7.984600000000028
21.965900000000072
10.986100000000032
19.972100000000054
10.980700000000034
10.98400000000003
18.972600000000057
23.972800000000053
4.985200000000026
20.980000000000043
20.972100000000054
12.99000000000002
13.980000000000038
7.988200000000026
13.978900000000047
21.976000000000052
11.986700000000022
14.987000000000023
19.98320000000003
11.974900000000048
23.968300000000063
15.969500000000066
18.971900000000062
23.976700000000044
17.96550000000007
12.987500000000022
22.978800000000035
14.981100000000033
15.98280000000003
17.973000000000052
2.9967
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Amidar-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Assault-v5.lenl
2175
2872
2073
2201
4921
1657
1753
2681
2201
2201
2137
1625
2649
2329
2617
2306
2904
1026
1920
2184
2137
2137
1409
2233
2168
2201
2393
2201
2329
2265
1817
2457
2457
1881
1433
2617
2073
2233
2264
1880
1283
3193
2456
2393
2648
2201
2776
1177
2008
2169
2905
2168
2393
2049
2200
2457
2585
2265
2520
2649
2177
2136
2393
2329
2649
2329
2009
2136
2329
2433
1753
2264
1944
1625
1753
2201
2584
2393
2905
2305
2520
2521
2585
2136
2520
2265
2521
1945
2305
1410
2561
2520
2649
2649
2075
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Assault-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Assault-v5_raw.jsonl
13.933900000000122
18.91130000000012
11.94040000000011
14.94290000000009
16.924600000000126
2.9781999999999655
5.976300000000004
14.95810000000003
14.97210000000005
15.978400000000022
16.990000000000016
12.98780000000002
14.974800000000009
13.981700000000018
19.982400000000016
18.98520000000003
9.972100000000031
6.993099999999998
11.986400000000005
23.98690000000002
17.990000000000016
18.989400000000018
10.992100000000011
18.98540000000002
12.986800000000024
11.9882
20.98800000000002
16.986600000000024
12.984000000000034
15.98680000000003
16.989600000000014
21.988300000000024
16.979800000000033
9.985900000000022
7.989400000000011
19.982800000000037
16.98570000000003
12.985600000000023
14.988600000000025
9.989900000000013
8.987500000000015
19.975400000000043
18.97980000000003
13.985000000000024
15.978700000000046
16.984300000000026
18.982600000000037
7.992400000000005
11.990200000000023
14.985400000000014
16.97830000000004
11.983700000000026
17.98390000000003
11.983300000000028
14.986000000000026
16.98270000000003
14.978000000000044
10.98340000000002
20.981500000000036
18.978400000000047
11.982100000000024
15.982800000000035
8.98140000000004
14.983600000000031
20.97990000000004
14.980600000000036
9.981200000000026
9.987000000000013
12.982700000000026
15.983100000000027
17.98840000000002
15.98670000000002
17.98520000000002
8.98840000000002
10.989200000000013
8.986400000000023
11.98040000000003
12.982000000000017
13.979600000000037
12.98360000000002
15.980700000000034
16.983700000000027
15.981400000000034
8.982900000000011
17.98190000000003
17.983400000000028
12.979400000000044
12.983500000000015
16.98340000000003
5.990399999999998
12.984700000000025
8.985300000000022
8.982000000000015
11.983300000000028
11.986700000000024
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Assault-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Asterix-v5.lenl
1242
1195
985
1166
1223
1227
850
3787
1001
949
1286
1028
858
913
794
1302
2070
929
946
1229
1110
1171
1235
842
814
953
886
1092
1269
1401
814
842
964
810
953
1163
808
874
854
1092
1199
1302
1786
1814
840
1608
2105
911
1751
1259
874
867
925
806
1150
1678
1576
1330
1584
1052
1199
1500
987
957
905
808
770
1477
1199
808
921
810
808
810
808
808
808
759
1199
1151
1050
1475
708
1199
822
731
1055
949
946
1191
929
1207
949
1224
1337
1467
808
1189
1187
810
893
1191
1072
913
1052
1475
929
806
897
1878
1199
1620
1326
1199
1453
1199
1199
1194
2283
819
868
1858
798
1525
953
1249
1278
769
1477
1189
1339
1175
2152
1326
1231
2036
1642
1268
938
1310
913
957
890
751
1485
798
1058
1327
1440
1184
842
1475
1781
1201
1140
878
782
897
1191
1590
1535
810
1353
737
1869
899
1179
1239
777
1124
942
911
1269
819
1268
1087
1453
1111
687
692
813
1179
1080
1032
1759
1316
762
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Asterix-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Asterix-v5_raw.jsonl
7.962200000000038
4.9617000000000315
1.969100000000003
6.963500000000022
6.9625000000000234
9.963000000000047
2.9766999999999566
14.964800000000068
4.981099999999978
3.9785999999999784
9.971800000000043
3.982699999999973
1.9833000000000016
2.9840999999999966
3.986499999999976
3.9808999999999846
7.971599999999997
2.9873999999999783
1.9857000000000016
5.984600000000019
5.982900000000015
9.984800000000032
3.9838999999999944
0.9876000000000014
0.9879000000000012
4.986500000000023
3.988899999999978
6.98700000000002
11.976800000000026
3.979599999999973
1.991900000000001
1.9925000000000008
3.986199999999982
1.9896000000000011
4.986899999999984
6.986000000000013
3.9946999999999906
2.9919999999999902
4.990000000000004
4.988799999999985
5.987799999999988
7.9888000000000225
10.983700000000017
14.982600000000039
3.993499999999987
9.987800000000018
9.972400000000022
7.988000000000026
12.978700000000048
8.985500000000032
3.989399999999978
4.988299999999989
8.988900000000024
3.9890999999999774
4.9871999999999925
15.979400000000048
11.984900000000035
7.986100000000019
4.983899999999998
6.986299999999984
4.987099999999993
10.977500000000052
4.987000000000007
5.98890000000001
4.985799999999984
2.990199999999999
5.988400000000024
9.979800000000045
8.985000000000033
3.9920999999999838
2.986999999999973
3.9929999999999857
2.9920999999999838
1.991000000000001
2.9880999999999753
2.991299999999982
3.9908999999999812
4.990300000000022
7.989000000000026
9.98410000000002
3.993199999999995
9.98740000000003
5.9896000000000225
8.984200000000033
5.989900000000021
5.991600000000018
5.985800000000032
3.990299999999994
5.987999999999994
8.989800000000011
5.987300000000029
7.98270000000004
8.9906
6.984200000000037
11.986800000000029
7.980700000000027
1.9943000000000006
8.989200000000025
5.988600000000025
3.9918999999999834
6.988400000000027
6.986100000000032
9.983900000000038
5.98660000000003
6.987800000000028
9.982500000000035
3.9905999999999806
3.990799999999981
4.9904000000000215
10.978700000000039
7.984500000000035
11.985300000000034
10.982700000000039
9.983000000000038
10.985600000000032
7.986400000000032
11.99060000000002
9.987500000000026
17.976500000000037
1.9909000000000008
5.991999999999988
10.984100000000035
5.9900000000000215
6.979400000000018
7.992300000000016
5.988200000000026
9.98610000000003
7.993200000000014
9.983000000000038
7.98700000000003
8.985100000000033
7.989100000000024
14.97430000000006
7.982600000000037
6.987599999999999
11.977700000000052
8.98210000000004
7.986700000000029
6.990200000000022
12.986000000000033
6.989300000000023
6.993000000000015
5.9921000000000175
4.991900000000018
11.984100000000037
5.990600000000021
9.988400000000025
10.983800000000038
13.985100000000035
9.986500000000031
5.991600000000019
8.984700000000032
9.984100000000032
7.988500000000026
7.990600000000021
3.9900999999999818
6.991200000000019
7.992300000000016
6.989200000000023
8.991400000000018
8.988400000000027
1.9929000000000008
12.988800000000026
5.9964000000000075
15.982400000000041
5.992500000000017
10.990100000000023
6.990300000000022
4.991800000000017
11.993000000000006
10.99580000000001
7.991500000000019
8.98670000000003
6.998000000000004
10.993100000000016
5.991000000000014
8.993200000000016
7.990900000000018
5.997200000000005
5.992700000000016
5.993700000000014
10.993200000000016
6.994400000000012
10.994500000000013
14.990100000000023
5.9926000000000155
5.995900000000009
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Asterix-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Asteroids-v5.lenl
3043
10190
1674
3426
2414
2096
2558
2262
1840
2682
2616
1856
2428
2028
1830
3546
2558
2630
3440
2064
2956
1442
3132
2398
2710
2628
1852
3512
2206
2438
1852
3810
2596
4200
5168
3850
2078
4072
1858
1488
2932
1528
1850
3974
6472
1308
5610
3824
6830
2442
5856
2228
3462
2448
1858
2630
1854
1118
2028
1676
5544
1910
2918
5056
4672
2754
2756
3086
2616
5834
2834
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Asteroids-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Asteroids-v5_raw.jsonl
14.906700000000152
20.738700000000556
10.963300000000014
11.950700000000035
9.967900000000022
6.971599999999983
10.962700000000037
5.972099999999987
7.978899999999995
4.966399999999972
6.97910000000001
5.987499999999991
6.9801
5.980100000000004
7.981800000000002
8.98640000000001
9.985400000000014
7.981900000000012
10.982200000000013
5.992199999999993
7.987000000000005
7.990999999999995
9.985700000000023
9.984200000000012
10.982600000000017
10.982600000000001
10.982400000000007
12.991900000000012
10.98990000000001
13.992700000000005
13.991800000000012
18.984100000000026
11.98470000000001
16.98010000000002
21.96800000000006
18.962600000000066
10.98080000000001
27.97180000000005
12.983600000000019
9.988900000000012
12.976800000000043
9.990800000000002
14.99140000000001
16.976400000000044
30.954000000000097
10.98910000000001
21.962300000000074
15.969700000000056
34.964600000000026
15.985700000000017
29.958600000000057
14.98380000000002
13.97900000000003
13.982700000000026
14.988800000000007
16.986000000000015
11.98630000000001
9.993300000000009
13.987400000000015
10.9889
23.976400000000037
11.98200000000001
14.972900000000022
19.973200000000038
28.97290000000005
9.984100000000005
18.98160000000003
17.981800000000018
14.98010000000001
38.95520000000006
18.97900000000002
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Asteroids-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Atlantis-v5.lenl
5074
5339
4675
3371
6331
4043
2987
2627
2515
4139
4459
2875
3563
5507
5491
4395
7979
4755
6411
6387
6035
6179
2611
6763
4899
5027
5611
3955
5171
6987
8187
5171
6603
6203
7011
8451
6483
3611
4003
5155
3219
4715
357
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Atlantis-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Atlantis-v5_raw.jsonl
29.83630000000033
29.852000000000285
25.898800000000175
13.942200000000078
33.908100000000005
19.937300000000103
9.972600000000018
4.97599999999999
3.966799999999954
20.950200000000073
21.947700000000083
8.974100000000034
12.965400000000061
26.93860000000012
29.948300000000106
18.959000000000042
55.914199999998836
22.943800000000106
34.924899999999866
42.91819999999962
34.931099999999965
30.936900000000133
10.965300000000054
35.935199999999725
22.959800000000076
24.958300000000087
25.94660000000011
15.970800000000054
25.970900000000043
37.946999999999996
49.93489999999949
27.95290000000009
37.950399999999746
31.956900000000076
35.92249999999986
51.92199999999903
34.95500000000003
12.973400000000042
19.966100000000054
30.950400000000105
10.971400000000047
20.961900000000064
-0.0018000000000000006
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Atlantis-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__BankHeist-v5.lenl
2177
2094
2509
2830
2215
1985
2380
2778
2761
2171
1998
3466
4223
2466
3280
2296
2982
2426
2444
3863
3861
3030
3352
3363
3104
3215
43046
3714
3401
3644
7750
6435
6982
6905
4297
8116
32975
3816
9931
1059
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__BankHeist-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__BankHeist-v5_raw.jsonl
1.931200000000005
0.9326000000000036
-0.07660000000000117
2.9251999999999945
-0.058000000000000634
0.9517000000000012
1.9464000000000001
-0.06490000000000083
0.9513999999999997
1.9639000000000002
1.9644000000000001
1.9891000000000003
1.9601000000000004
2.96489999999999
1.9834000000000016
-0.04360000000000022
1.9690000000000032
2.958499999999984
0.9701000000000028
1.971700000000003
2.961900000000001
0.9577000000000025
0.9729000000000018
1.9716000000000027
0.953800000000005
0.9781000000000019
-0.015599999999999961
-0.03199999999999989
-0.0258999999999999
-0.026799999999999893
-0.019999999999999934
-0.03139999999999987
-0.0067000000000000046
-0.013699999999999973
-0.008100000000000007
-0.008000000000000007
-0.021999999999999922
-0.009499999999999998
-0.009999999999999995
-0.004299999999999998
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__BankHeist-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__BattleZone-v5.lenl
3034
7153
3623
7077
9951
12035
5559
4215
6343
4163
5353
7195
5289
5449
5571
5961
4597
4691
4717
5421
4071
4741
5725
6665
7305
19481
6041
13861
3705
4553
8375
3131
5775
4521
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__BattleZone-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__BattleZone-v5_raw.jsonl
0.9037000000000095
2.7907999999999653
0.9056999999999994
3.8329999999999385
2.8529999999999984
5.943400000000017
0.9757000000000011
2.969799999999973
2.9464999999999897
3.9756999999999936
-0.028499999999999883
6.985299999999995
2.986799999999999
0.9776000000000008
1.9920000000000007
-0.008500000000000004
1.9876000000000011
-0.0063000000000000035
2.9860000000000015
0.9711000000000005
0.9953000000000003
1.9932000000000003
0.9882000000000002
-0.02059999999999993
0.9790000000000001
1.975700000000002
-0.009599999999999997
0.9816000000000009
0.9867000000000009
0.9939
-0.013299999999999975
1.9931000000000003
1.9968000000000004
1.9991
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__BattleZone-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__BeamRider-v5.lenl
4885
6461
4903
5745
5993
12170
4891
3669
13207
14287
12117
12225
13869
11319
6291
8399
11215
11063
11087
8819
9813
5039
8645
6025
3208
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__BeamRider-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__BeamRider-v5_raw.jsonl
7.847400000000211
9.820700000000151
7.870400000000131
10.876100000000196
13.890700000000185
19.828000000000298
10.937400000000085
5.951099999999954
14.889200000000223
14.935700000000082
14.965300000000052
14.957100000000079
16.96070000000006
14.989200000000016
12.985600000000026
14.989800000000018
14.995800000000006
13.993200000000014
17.989300000000014
14.9943
16.992000000000015
14.995400000000007
14.988500000000021
7.992400000000014
7.9996
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__BeamRider-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Berzerk-v5.lenl
859
940
964
770
689
568
637
594
1319
967
906
802
835
2099
2945
1239
2114
1473
3079
2348
3434
3654
1280
1606
1336
788
620
745
1909
797
623
801
2179
2266
2068
1908
2298
1130
2530
940
842
1158
4119
1601
5919
4800
2979
4376
1107
1387
1315
1591
1532
633
1734
1787
1141
1213
1599
766
1063
1458
1147
906
2052
1178
623
1213
1325
1098
3016
2126
2042
1197
1687
1061
3015
1454
984
2689
862
1716
778
581
848
1797
742
1113
852
1125
1021
2579
819
3807
1537
1745
1129
1183
1818
1305
1465
850
1069
915
980
1582
2573
3331
692
720
4827
2114
1675
615
1603
2489
1496
745
1286
2243
2750
2488
756
2755
3197
1739
5867
2102
1072
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Berzerk-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Berzerk-v5_raw.jsonl
1.973600000000001
0.9708000000000025
2.968799999999998
0.9757000000000023
2.978899999999995
-0.01769999999999995
1.980600000000001
0.9831000000000018
5.961699999999977
1.9758000000000022
2.976399999999986
4.982099999999998
0.9834000000000018
6.974000000000016
5.9606000000000146
3.9911999999999943
7.977800000000014
4.985099999999987
6.95360000000007
5.967900000000024
8.936800000000048
10.932300000000106
3.984399999999993
4.985000000000005
3.9806999999999735
6.987299999999996
2.9890999999999894
4.991399999999997
6.9865999999999975
1.9939000000000007
0.9941000000000006
3.987799999999985
6.992199999999997
7.9893
5.986599999999998
8.991900000000001
6.991000000000009
5.993999999999998
5.980500000000005
1.9933000000000007
2.9948
2.988199999999991
4.973799999999964
6.981700000000009
9.966200000000025
10.962200000000045
11.973600000000017
9.967800000000006
5.993300000000005
6.987600000000011
3.988199999999992
4.990500000000008
5.993600000000001
0.9952000000000005
6.985600000000023
3.986899999999986
2.989299999999999
4.990899999999997
5.988700000000008
1.991100000000001
2.9889999999999852
4.991900000000001
3.9931999999999936
3.995
2.988199999999986
4.994900000000005
1.9940000000000004
3.992599999999993
3.9917999999999942
1.9940000000000007
10.978800000000035
8.99080000000001
7.988700000000004
6.986000000000013
3.990500000000001
1.991700000000001
4.991100000000008
7.989900000000008
2.993399999999997
5.978700000000025
1.991800000000001
5.991000000000009
0.9959000000000005
0.9957000000000005
1.9943000000000006
4.991600000000005
2.9929999999999977
0.9927000000000008
2.990800000000001
1.9944000000000006
2.9938000000000007
8.992300000000004
4.993999999999998
3.982699999999979
5.98519999999999
6.989200000000009
3.9956999999999976
5.989400000000004
5.990499999999994
3.9886999999999917
4.9882999999999935
1.9964000000000004
2.9939999999999958
0.9937000000000007
2.9916
2.9921000000000006
4.986599999999987
8.976500000000026
2.992800000000001
1.9931000000000008
6.962600000000064
6.983800000000008
6.990199999999994
1.9932000000000007
5.991400000000004
9.986199999999998
5.988999999999993
1.9934000000000007
3.9878999999999802
5.9805999999999875
9.980700000000024
4.979699999999989
1.9949000000000006
5.986699999999998
7.974700000000006
9.992200000000002
14.969100000000026
7.981799999999991
2.9942999999999973
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Berzerk-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Bowling-v5.lenl
8384
8319
7399
8167
8023
8167
8450
8343
8404
8007
8071
7895
8103
7719
8023
8007
8023
8023
8007
8007
8007
8007
8007
8007
8007
8007
5746
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Bowling-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Bowling-v5_raw.jsonl
5.746999999999964
6.800999999999996
4.919799999999979
2.9490999999999254
-0.05650000000000059
4.9701999999999895
4.94479999999999
7.928700000000026
8.967299999999994
8.977799999999995
2.9953999999999965
5.975000000000024
3.9941999999999975
3.995999999999996
0.988800000000001
-0.016999999999999953
0.9978000000000001
-0.0031999999999999984
0.0
0.0
-0.0016000000000000005
0.0
0.0
-0.0002
0.0
-0.012099999999999982
-0.0020000000000000005
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Bowling-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Boxing-v5.lenl
7140
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
7141
1087
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Boxing-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Boxing-v5_raw.jsonl
0.7778000000000196
-3.181899999999962
-1.1312000000000415
-16.128299999999708
-6.075899999999974
-9.068199999999923
-17.07209999999986
-13.072699999999934
-3.082599999999873
-2.07479999999997
-9.084799999999913
-1.0884000000000416
-1.0812999999999333
4.914399999999972
-0.09170000000006819
-5.095599999999964
4.912700000000001
1.928900000000029
-5.070799999999911
-2.0589000000000355
-2.039800000000056
-1.0379999999999994
2.9667999999999934
-1.0326999999999988
3.9648999999999925
-1.0325999999999906
-3.0366000000000133
4.9611
0.9549000000000124
-1.0389000000000221
-0.004599999999999822
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Boxing-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Breakout-v5.lenl
874
719
980
486
791
686
491
680
810
1207
604
489
792
980
494
487
485
487
504
604
498
603
485
981
785
785
785
788
785
785
785
787
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
980
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
788
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
785
721
907
1107
599
789
1512
835
847
839
847
847
847
847
847
847
847
599
847
847
847
847
847
847
847
847
847
847
847
1035
847
847
847
847
847
847
847
847
847
847
847
847
847
1045
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
847
109
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Breakout-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Breakout-v5_raw.jsonl
1.9730000000000023
1.9782000000000015
2.967299999999986
-0.01569999999999996
1.9754000000000018
0.9777000000000015
-0.015599999999999961
0.9785000000000008
1.9758000000000009
3.9661999999999824
0.9840000000000005
-0.013299999999999975
1.9814000000000016
2.979199999999996
-0.008200000000000006
-0.011499999999999986
-0.009699999999999997
-0.01069999999999999
-0.012099999999999982
0.988400000000001
-0.0092
0.9883000000000002
-0.010399999999999993
2.989499999999999
1.999
1.9960000000000004
1.9910000000000008
1.9928000000000003
1.9958000000000005
1.9977000000000003
1.9983000000000002
1.9982000000000002
1.9984000000000002
1.9992
1.9998
1.9996
2.0
2.0
2.0
1.9998
2.0
2.0
1.999
2.0
1.9996
1.999
1.9998
1.9998
2.0
2.0
1.9993
2.0
1.9994
2.0
1.9981000000000002
1.9972000000000003
1.9997
1.9976000000000003
1.9995
1.9996
1.9991
1.9996
1.9992
1.9992
1.9996
1.9998
2.0
1.999
1.9998
1.9994
1.9986000000000002
1.9994
1.9984000000000002
1.9983000000000002
1.9973000000000003
2.9974
2.0
2.0
1.9998
2.0
2.0
2.0
2.0
2.0
2.0
1.9998
1.9998
1.9986000000000002
1.9974000000000003
1.9974000000000003
1.9982000000000002
2.0
2.0
1.9998
2.0
2.0
2.0
2.0
2.0
1.9998
1.9973000000000003
1.9994
1.9978000000000002
1.9996
1.9998
2.0
1.999
2.0
2.0
2.0
2.0
2.0
2.0
1.9996
2.0
2.0
2.0
2.0
1.9998
1.9998
2.0
1.9996
1.9996
1.9994
1.9984000000000002
1.9994
1.9998
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
2.0
1.9994
1.9968000000000004
2.994099999999999
3.9907999999999992
0.9911000000000009
1.9929000000000008
6.977499999999996
2.989599999999993
2.9952999999999976
2.9977999999999994
2.996799999999999
2.9981
2.9978
2.9992
2.999
2.9975000000000005
2.9957000000000003
0.9970000000000002
2.9984
2.9989
2.9985
2.9987999999999997
2.9978999999999996
2.997199999999999
2.9987999999999997
2.9979999999999998
2.9957999999999974
2.9973999999999994
2.997699999999999
3.992699999999994
2.998499999999999
2.9991999999999988
2.9979999999999993
2.9981999999999984
2.9982999999999995
2.9978999999999982
2.9989
2.9987999999999997
2.999199999999999
2.9979999999999993
2.9978999999999987
2.998899999999999
2.9980999999999978
3.9957999999999925
2.998399999999999
2.9988
2.999
2.9992
2.9993999999999996
2.9979999999999998
2.9967999999999986
2.9956
2.997799999999999
2.9968999999999983
2.9964999999999984
2.998
2.9987999999999992
2.9969999999999977
2.9969999999999994
2.9976999999999996
2.9984
2.9984
2.997
2.9976999999999987
2.9979999999999998
2.9984
2.998
2.9987999999999997
2.9979999999999993
2.9979999999999993
2.998599999999999
2.9957999999999974
2.9950999999999968
2.9960999999999975
2.998799999999999
2.998499999999999
2.998099999999998
2.999399999999999
2.999399999999999
2.999
2.9991999999999996
2.9986
2.9979999999999998
2.9974999999999996
2.9970000000000003
2.9973999999999994
2.9969
2.9974000000000003
2.9978999999999996
2.9981
2.9981
2.9987999999999997
2.9979999999999998
2.9984999999999995
-0.0001
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Breakout-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Carnival-v5.lenl
1646
1344
1460
1458
1647
1674
2461
2101
1727
1707
2604
3739
2142
3688
2390
2224
2927
2311
6132
2848
1978
3001
2244
2749
2166
3246
2162
2122
2913
1747
3115
2481
2282
3904
2788
4441
2081
2986
2364
1830
3046
2780
2052
1684
3532
2142
2101
3621
2254
2906
2633
5214
3917
2061
1982
1747
2637
4042
2021
2339
3681
2581
1747
2222
1783
2688
1770
2106
2207
2451
2177
2187
2220
1845
1727
2084
2966
2207
2496
2621
2611
1746
1981
2142
2041
2055
1437
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Carnival-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Carnival-v5_raw.jsonl
11.951500000000033
13.957400000000039
12.954300000000048
9.95540000000009
9.952300000000047
12.957700000000042
9.961300000000064
12.97050000000002
9.975800000000026
6.981800000000025
14.971900000000051
15.96520000000005
10.97250000000003
10.971100000000058
10.967200000000041
12.978500000000023
12.967100000000066
11.982800000000017
21.95500000000008
7.982000000000029
8.986100000000018
9.977000000000043
11.98100000000002
12.977300000000032
9.985900000000012
15.977100000000041
10.985300000000018
11.98520000000002
16.977800000000038
8.987400000000008
6.979900000000032
10.982000000000031
8.986100000000002
10.979400000000021
7.987700000000016
16.97030000000006
10.983500000000014
16.975400000000043
11.981800000000025
9.984300000000015
12.975900000000042
8.98170000000002
7.986400000000015
10.985800000000022
11.97170000000003
6.987400000000008
7.988100000000011
5.978300000000012
8.987300000000005
12.983900000000027
10.984100000000023
15.97210000000005
10.980500000000035
7.987500000000014
3.9897999999999927
8.989800000000002
7.987000000000015
12.979900000000029
7.98910000000001
7.983500000000004
11.98420000000002
7.9876000000000165
6.992100000000004
8.988800000000015
5.990200000000003
9.988500000000013
6.988900000000016
8.98710000000002
9.98850000000002
7.986100000000019
9.989000000000008
8.988500000000007
6.988900000000007
6.988400000000006
11.987400000000019
8.989100000000004
11.98540000000002
7.981500000000017
10.987900000000012
9.986700000000024
13.98390000000003
9.989600000000005
9.98880000000001
9.989400000000012
9.989000000000004
6.986600000000003
6.9895000000000085
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Carnival-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Centipede-v5.lenl
3440
2945
4659
1980
3571
2800
2236
4680
3971
11683
3192
3219
3650
2694
3937
4841
3637
3700
4690
3069
2847
2705
3117
2284
2384
3206
2909
3881
2738
2564
4275
3665
4682
2990
2824
1779
3280
2942
2744
3956
3329
2163
2984
3649
4013
3394
3962
3336
3382
3684
2230
4664
3684
3994
4543
3676
5496
2291
6131
3883
489
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Centipede-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Centipede-v5_raw.jsonl
67.8910999999981
71.91189999999855
120.91379999999805
67.97059999999966
97.96759999999932
84.9926999999999
74.9864999999999
85.98129999999979
85.99219999999988
194.94799999999867
62.9853999999999
66.97859999999982
122.98949999999994
98.99860000000001
100.9998
76.99220000000003
96.99940000000001
113.99680000000001
98.99110000000002
102.99559999999991
86.9985
92.9986
89.99759999999999
69.9976
76.99739999999998
72.9973
102.9947999999999
97.99729999999998
106.9984
73.99779999999998
93.99719999999996
74.98849999999982
115.99780000000001
84.99719999999996
86.99919999999999
70.99659999999999
103.99859999999997
71.9986
100.99739999999994
80.99699999999993
103.9986
71.99459999999985
73.99389999999985
72.99459999999998
73.99799999999999
97.9914999999998
60.98699999999988
108.99279999999983
72.9822999999997
87.98749999999984
79.99859999999998
125.98709999999966
93.98669999999964
82.98309999999985
89.97969999999965
107.98399999999987
94.98369999999984
67.99029999999995
93.95939999999888
74.96899999999917
5.9969000000000054
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Centipede-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__ChopperCommand-v5.lenl
2408
2778
2902
3561
3128
1712
1489
1731
2915
882
1534
1175
2466
1973
1492
1492
1500
1492
1492
1492
2207
2207
1349
1492
1310
1359
1992
2978
2107
1862
1884
1492
1492
1492
1492
2207
1492
2207
1492
1332
1492
1492
1492
1492
1492
1492
1492
1492
1492
1492
1492
1492
1492
1492
1492
2207
1492
1492
1492
1492
1492
1333
4376
1659
1492
1492
1492
1333
1933
1333
1492
1512
1370
3753
1530
3740
1492
1907
1492
1492
1492
1492
1492
1492
1492
1492
1492
1492
1492
1492
1492
1501
1535
1362
1349
1363
1492
1492
1492
1337
1349
1349
1500
1492
1359
1499
2701
1558
2113
2500
1373
2245
2490
1963
1557
1359
1492
1349
2072
1359
1953
1359
1358
1499
1358
448
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__ChopperCommand-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__ChopperCommand-v5_raw.jsonl
4.924600000000009
4.9100999999999795
4.912599999999943
0.9041000000000102
5.917499999999994
6.984099999999992
6.997800000000005
3.993799999999992
5.973399999999994
2.9911999999999987
2.983799999999985
3.993799999999998
7.996600000000007
6.9994000000000005
6.9996
7.0
6.998499999999997
7.0
7.0
6.999399999999999
6.9998
6.999500000000001
5.997699999999999
6.998800000000001
4.9952000000000005
5.998799999999999
4.9976
7.9968
6.990100000000005
5.9976
6.995700000000005
6.999099999999999
6.998999999999998
6.999399999999999
6.9998
7.0
6.999199999999999
6.9982
6.9975
5.997599999999996
6.998199999999998
6.996999999999997
6.998299999999999
6.9975000000000005
6.9978
6.9987
6.9993
6.999499999999999
6.9994000000000005
6.998399999999999
6.998999999999999
6.9994
6.9997
6.9987
6.9992
7.0
6.9989
6.9990000000000006
6.998400000000002
6.9991
6.998700000000001
5.998699999999999
7.993200000000014
6.9977
6.998899999999997
6.999699999999999
6.999599999999999
5.999199999999999
6.998000000000002
5.9994
6.999399999999999
5.998899999999999
5.997699999999999
6.978500000000046
6.9982000000000015
6.983300000000036
6.999699999999999
6.999400000000001
6.999499999999999
6.998899999999999
6.999299999999998
6.999499999999999
6.999299999999998
6.9990999999999985
6.999599999999999
6.998999999999999
6.9990999999999985
6.998599999999999
6.998799999999998
6.998899999999999
6.998499999999998
6.9990000000000006
6.996200000000002
5.996700000000002
5.998099999999999
5.997000000000002
6.9986
6.998499999999998
6.997799999999998
5.9981
5.997699999999999
5.998100000000002
6.997600000000002
6.998399999999999
5.998100000000002
6.998300000000001
6.996600000000006
6.997800000000002
7.995300000000009
6.987400000000026
5.996900000000002
6.997800000000002
6.997000000000005
6.996400000000005
6.997000000000005
5.998500000000003
6.998500000000001
5.998900000000003
6.997500000000005
5.997600000000004
6.996900000000005
5.998100000000001
5.997800000000005
6.998800000000003
5.998400000000003
2.0
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__ChopperCommand-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__CrazyClimber-v5.lenl
13938
12971
17903
16946
16710
22799
11896
10928
17301
24063
12580
9512
12711
15085
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__CrazyClimber-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__CrazyClimber-v5_raw.jsonl
60.660399999996244
84.88959999999821
109.83689999999586
103.89189999999769
63.85249999999831
109.82259999999555
78.92929999999913
42.90999999999867
105.8687999999968
152.85869999999642
67.91099999999855
52.920999999998614
78.8876999999975
58.9057999999986
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__CrazyClimber-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Defender-v5.lenl
14956
3513
5045
5857
4293
1441
3057
7493
4793
2065
9133
4521
35449
23685
6297
83741
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Defender-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Defender-v5_raw.jsonl
43.571899999993505
19.942200000000007
32.94590000000007
5.943899999999994
12.94
6.9924999999999935
3.9760999999999918
68.91889999999839
24.954500000000074
11.968000000000016
31.89960000000016
29.9442000000001
67.5825999999993
121.694799999992
54.92239999999883
3.7580999999994913
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Defender-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__DemonAttack-v5.lenl
7759
8376
949
9664
2275
9690
9946
6248
6356
9571
6436
7810
2493
4157
6779
9306
10880
6063
9246
12274
5011
6067
5791
941
8922
6973
5738
2209
4144
7166
5780
3469
3097
2513
1239
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__DemonAttack-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__DemonAttack-v5_raw.jsonl
21.769400000000434
25.824700000000306
2.978999999999985
20.849900000000314
7.966300000000032
32.90780000000014
50.95219999999996
39.99419999999995
30.98340000000002
60.96239999999936
27.949700000000096
46.96000000000001
9.985400000000027
18.990900000000007
37.96669999999999
20.948000000000103
25.952900000000067
14.970900000000066
51.97199999999988
39.93519999999992
30.966800000000056
19.96120000000007
19.962600000000062
7.994700000000009
50.94659999999942
31.948800000000094
37.96599999999995
10.983300000000025
21.972800000000046
24.949900000000092
19.976100000000038
15.975700000000034
15.96800000000004
9.973700000000036
5.985600000000006
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__DemonAttack-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__DoubleDunk-v5.lenl
7799
7100
9668
8584
7876
7160
6780
6336
6316
6504
7360
9890
6564
8432
11472
8334
71566
17603
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__DoubleDunk-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__DoubleDunk-v5_raw.jsonl
-16.23959999999983
-18.19049999999977
-20.216699999999662
-18.17239999999965
-16.137099999999894
-18.120099999999816
-20.111599999999797
-24.11159999999983
-24.103899999999854
-24.085699999999857
-18.11769999999984
-24.148199999999736
-22.10979999999991
-20.116099999999808
-14.154999999999896
-24.139399999999924
-25.51199999999703
-2.3745000000007868
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__DoubleDunk-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__ElevatorAction-v5.lenl
107999
107344
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__ElevatorAction-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__ElevatorAction-v5_raw.jsonl
-1.4633999999998553
-0.12070000000000243
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__ElevatorAction-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Enduro-v5.lenl
13311
13312
13312
13312
13312
13312
13312
13312
13312
13312
13312
13312
13312
13312
13312
13312
2357
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Enduro-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Enduro-v5_raw.jsonl
-0.3844000000000194
5.771499999999998
21.85790000000009
0.9384999999999863
2.8579000000000176
25.907300000000085
34.924699999999476
17.897200000000048
-0.09170000000000793
6.924400000000013
29.927400000000155
13.92190000000005
20.91900000000006
36.91549999999934
35.93329999999975
49.939899999999305
23.98440000000003
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Enduro-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__FishingDerby-v5.lenl
7910
6863
6878
7703
7699
6879
6879
6867
6879
6643
7631
7235
7310
7078
8671
6878
7310
6895
6878
7311
6879
6879
7627
7310
7843
7987
6119
7103
7310
5882
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__FishingDerby-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__FishingDerby-v5_raw.jsonl
-94.23540000000513
-89.15620000000328
-97.128200000003
-95.13280000000302
-95.07070000000131
-97.06800000000143
-99.0376000000008
-91.02980000000062
-95.02480000000047
-93.03280000000072
-97.02560000000047
-95.02840000000067
-89.03640000000084
-99.04050000000103
-93.04400000000089
-99.03040000000071
-95.03500000000071
-97.03730000000081
-99.04000000000087
-95.03460000000081
-91.03600000000075
-97.03610000000079
-87.0386000000009
-97.03650000000073
-89.04470000000086
-87.05090000000109
-93.03830000000082
-97.04420000000091
-93.02850000000062
-81.02880000000054
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__FishingDerby-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Freeway-v5.lenl
8191
8192
8191
8192
8192
8192
8192
8192
8192
8192
8192
8192
8191
8192
8192
8192
8191
8192
8192
8192
8192
8192
8192
8191
8192
8192
2338
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Freeway-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Freeway-v5_raw.jsonl
-0.2591999999999878
-0.21669999999999245
-0.21029999999999316
-0.17489999999999706
-0.19189999999999519
19.95160000000005
20.998700000000003
21.98310000000004
20.975400000000043
22.988400000000023
21.995700000000006
22.981300000000044
21.977000000000046
17.966100000000054
18.962700000000048
20.96620000000006
19.962100000000053
17.96590000000004
14.961000000000062
17.96730000000004
16.97000000000005
16.97170000000004
14.965100000000053
13.969000000000037
10.966300000000047
9.961800000000018
4.993099999999993
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Freeway-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Frostbite-v5.lenl
1765
1445
1454
1389
1759
1729
1651
1504
1776
1517
2689
1995
1532
1694
1565
1234
2024
1495
2405
2298
1967
1537
2141
2476
2419
1279
1488
1792
3006
1667
5473
1635
1245
1698
1817
1851
2271
2095
2013
1673
2051
2218
3601
2907
1697
2752
1889
2067
4163
3206
2566
2736
2118
1681
1574
1930
1969
3930
3467
2947
2941
2140
3793
2086
2820
3137
4143
2850
2672
2773
3167
2078
2322
2463
2161
2266
2023
2113
1927
1906
1806
1616
1670
1665
1897
2317
2287
1951
2081
1961
1975
1881
1871
1786
1793
1814
2023
1720
1479
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Frostbite-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Frostbite-v5_raw.jsonl
8.945299999999998
3.954299999999962
9.952899999999993
3.9573999999999923
4.9472999999999745
9.956700000000083
12.963700000000008
3.9845999999999924
5.974499999999975
5.975600000000015
13.953600000000002
19.98730000000002
12.987500000000026
17.986500000000024
11.980700000000027
6.98969999999999
18.97480000000005
12.98430000000003
20.973800000000058
21.975000000000055
19.98570000000003
12.990600000000011
23.979600000000044
19.98070000000004
15.986500000000031
8.985900000000026
14.983900000000032
17.98430000000003
21.978600000000043
19.98520000000003
19.953600000000108
15.983200000000032
6.992400000000009
12.986800000000027
14.981200000000042
16.98530000000003
22.988200000000024
13.979400000000046
13.979300000000045
13.986500000000028
17.981200000000044
21.98690000000003
17.97900000000005
21.98750000000003
19.989300000000025
20.98340000000004
19.98270000000004
16.98730000000003
21.98220000000004
21.984700000000036
21.98650000000003
19.990000000000023
15.99050000000002
15.993500000000013
16.99130000000002
16.985800000000033
17.98770000000003
21.981500000000043
21.97440000000006
21.983600000000035
21.982000000000042
21.988800000000026
21.982000000000042
16.989900000000024
21.98680000000003
21.985300000000034
21.980300000000046
21.983400000000035
18.98320000000004
20.985300000000034
25.98190000000004
21.99160000000002
20.99020000000002
21.985300000000034
21.989100000000025
21.98170000000004
21.988800000000026
22.984400000000036
21.985500000000034
21.984200000000033
21.985700000000033
17.99040000000002
20.992600000000017
19.98960000000002
22.98660000000003
24.992600000000014
25.986300000000032
21.989100000000025
22.990800000000018
21.984400000000033
21.992400000000014
17.987100000000027
21.989100000000022
17.988200000000024
17.99150000000002
17.990600000000022
22.98970000000002
20.99130000000002
16.98720000000003
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Frostbite-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Gopher-v5.lenl
4775
3182
3558
3634
6301
5060
2402
2999
2624
5560
3833
5248
3465
3394
4310
4086
4529
3697
3352
4318
3687
5922
3763
3807
3816
3557
2927
4403
3571
3131
2952
3574
7393
3932
3608
2771
3042
3438
3478
4269
3277
3789
2796
3107
3608
2656
3196
5997
3405
5737
2993
4215
3762
7294
2138
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Gopher-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Gopher-v5_raw.jsonl
26.84750000000026
11.907100000000026
15.922700000000102
16.936700000000094
27.90550000000016
18.929800000000107
2.968499999999965
5.952600000000036
3.9524999999999473
24.91090000000012
3.94269999999992
12.941500000000072
7.960999999999954
3.960299999999945
10.958999999999987
16.953400000000023
8.943800000000012
17.941200000000066
7.966600000000015
7.940500000000067
3.9434999999999154
23.924900000000115
1.9531000000000032
10.95480000000006
11.949000000000057
7.956199999999949
3.9678999999999585
16.948200000000085
7.947800000000006
6.9645999999999955
4.968900000000044
10.964500000000042
40.9143999999997
9.930299999999992
14.956900000000072
3.9566999999999526
6.977000000000025
14.958900000000028
8.964500000000012
6.947900000000002
8.967200000000034
11.94520000000004
7.961700000000061
16.97120000000003
13.9681
4.969700000000044
7.965900000000035
26.933900000000104
8.963399999999993
20.937300000000096
10.97880000000002
9.967999999999984
11.97710000000002
31.891300000000225
12.975200000000031
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Gopher-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Gravitar-v5.lenl
1995
1832
2168
2173
2255
2871
2187
3620
2924
1384
3191
2928
2575
3134
2312
3664
3401
2281
3323
2589
2443
1639
2186
2077
2604
2628
1729
1707
1643
1693
1647
2285
2386
2850
2625
1633
1653
1673
2625
1691
1709
2172
2582
3411
1715
2317
1687
1653
1665
1653
1653
1657
1653
1653
1661
2787
1418
1635
1930
3011
1653
1647
1998
2348
1653
1661
1653
1653
1651
2523
2523
1737
1661
1653
1665
1699
2934
2037
2836
2421
1649
2531
1645
1659
1659
2652
1645
1671
1673
1659
2683
3443
1653
2000
1741
2350
1659
1677
1647
1987
1699
891
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Gravitar-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Gravitar-v5_raw.jsonl
1.9385000000000037
0.9434000000000018
-0.06780000000000092
-0.06550000000000085
0.9393000000000042
4.9233999999999964
-0.04840000000000036
0.926300000000007
0.9618000000000027
0.9907000000000001
0.9544999999999999
-0.04320000000000021
0.9714000000000007
0.9706000000000027
0.9720000000000019
-0.03620000000000001
-0.030199999999999873
-0.03369999999999994
-0.01249999999999998
-0.01419999999999997
-0.013699999999999973
-0.009499999999999998
-0.006500000000000004
-0.005200000000000001
-0.007900000000000008
-0.003499999999999998
-0.0035999999999999977
-0.0035999999999999977
-0.005500000000000001
-0.005400000000000001
-0.0004
-0.005500000000000001
0.9934
-0.004499999999999999
-0.005
-0.0004
-0.0002
-0.0025999999999999994
-0.0032999999999999982
-0.0030999999999999986
-0.0017000000000000006
0.9975
-0.006000000000000003
0.9900000000000002
-0.006200000000000003
-0.0049
-0.0002
-0.0002
-0.0002
0.0
0.0
-0.0002
0.0
0.0
-0.0007000000000000001
-0.009599999999999997
0.9973
-0.0015000000000000005
-0.0019000000000000006
0.9959000000000001
-0.004099999999999998
-0.002899999999999999
-0.0008000000000000001
-0.0035999999999999977
-0.0002
-0.0002
0.0
-0.0006000000000000001
-0.0008000000000000001
-0.005500000000000001
-0.006200000000000003
-0.002799999999999999
-0.0007000000000000001
-0.0004
-0.0024
-0.0063000000000000035
-0.009399999999999999
-0.005500000000000001
-0.0048
-0.011299999999999987
-0.0008000000000000001
-0.007500000000000007
-0.0002
-0.0002
-0.0007000000000000001
-0.005400000000000001
-0.0024999999999999996
-0.0032999999999999982
-0.0006000000000000001
-0.0012000000000000003
-0.006500000000000004
0.9854000000000009
0.0
-0.0018000000000000006
-0.006200000000000003
-0.004099999999999998
-0.0007000000000000001
-0.0012000000000000003
-0.0016000000000000005
-0.0026999999999999993
-0.0008000000000000001
0.0
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Gravitar-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Hero-v5.lenl
1351
1255
1266
1302
3506
1244
5860
11108
17188
21475
36324
27108
21476
21475
21476
21476
448
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Hero-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Hero-v5_raw.jsonl
-0.04040000000000013
-0.04030000000000013
0.9599000000000004
-0.04140000000000016
58.9023999999989
0.968900000000002
1.884700000000011
1.788200000000012
77.74389999999202
-0.05500000000000055
-0.021899999999999923
-0.0049
0.0
0.0
0.0
0.0
0.0
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Hero-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__IceHockey-v5.lenl
13341
12630
14266
14599
14063
15282
14431
14211
13563
14167
13757
14783
13626
13987
14359
4262
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__IceHockey-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__IceHockey-v5_raw.jsonl
-8.40289999999977
-11.326699999999624
-18.34609999999949
-17.336399999999504
-18.338399999999353
-24.317899999999586
-20.29279999999941
-21.274299999999485
-17.266399999999567
-17.282099999999556
-18.268099999999585
-21.262999999999497
-15.223799999999615
-18.24139999999961
-16.233599999999594
-5.0685999999999805
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__IceHockey-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Jamesbond-v5.lenl
2157
1889
1904
1907
1823
1699
1969
2155
3015
1661
2459
1896
2126
1418
1494
1422
1512
1450
1458
1495
1419
1422
1434
1483
1471
1453
1436
1425
1422
1438
1443
1447
1422
1424
1404
1428
1506
1447
1421
1453
1441
1436
1423
1422
1455
1434
1492
1434
1426
1434
1441
1423
1426
1419
1420
1438
1434
1435
1426
1418
1438
1439
1439
1438
1439
1434
1441
1430
1437
1435
1422
1438
1424
1427
1435
1436
1422
1434
1434
1438
1418
1440
1434
1418
1419
1434
1420
1436
1446
1435
1434
1434
1423
1435
1421
1434
1419
1438
1435
1434
1435
1424
1434
1434
1437
1424
1421
1424
1434
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1438
1436
1438
1438
1438
1438
1438
1438
1438
1398
1505
1365
1389
1462
542
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Jamesbond-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Jamesbond-v5_raw.jsonl
0.9319000000000015
-0.06210000000000075
1.9412000000000034
-0.05580000000000057
-0.04910000000000038
-0.04220000000000018
0.9511000000000012
0.9443000000000044
-0.07550000000000114
0.9561000000000021
-0.06170000000000074
-0.049600000000000394
0.9591000000000015
-0.004299999999999998
1.9796000000000014
-0.011999999999999983
1.9859000000000009
-0.005600000000000002
-0.007100000000000006
0.9951000000000005
-0.0011000000000000003
-0.0020000000000000005
-0.007200000000000006
-0.008300000000000005
-0.006600000000000004
-0.005500000000000001
0.9926000000000003
-0.007000000000000005
-0.0038999999999999972
-0.003499999999999998
-0.0018000000000000006
-0.0014000000000000004
-0.0010000000000000002
-0.0006000000000000001
0.9956000000000002
0.9924000000000006
0.9951000000000003
-0.003399999999999998
-0.002799999999999999
-0.0032999999999999982
-0.0012000000000000003
-0.0024
-0.0023
-0.0024999999999999996
-0.003499999999999998
-0.0035999999999999977
0.9948000000000005
-0.0021000000000000003
0.9920000000000005
-0.004499999999999999
-0.005600000000000002
-0.002799999999999999
-0.005300000000000001
-0.007000000000000005
-0.006800000000000005
-0.006200000000000003
-0.004199999999999998
-0.0049
-0.005300000000000001
-0.006600000000000004
0.9938000000000003
-0.004499999999999999
-0.0030999999999999986
-0.0026999999999999993
-0.0029999999999999988
-0.0024
0.9960000000000003
1.9962000000000004
0.9945000000000003
-0.006800000000000005
-0.010199999999999994
-0.006900000000000005
-0.005800000000000002
-0.0048
-0.004599999999999999
-0.004199999999999998
1.9924000000000006
-0.004099999999999998
-0.0048
-0.004599999999999999
-0.003399999999999998
-0.005600000000000002
-0.004199999999999998
-0.004199999999999998
-0.0035999999999999977
-0.0039999999999999975
0.9931000000000005
-0.0024
-0.0014000000000000004
-0.0006000000000000001
-0.0016000000000000005
-0.0016000000000000005
-0.0016000000000000005
-0.0014000000000000004
-0.0013000000000000004
-0.0014000000000000004
0.9963000000000003
-0.0016000000000000005
-0.0004
-0.0004
-0.0004
-0.0008000000000000001
0.9969000000000002
-0.0008000000000000001
-0.0010000000000000002
-0.0006000000000000001
-0.0010000000000000002
-0.0010000000000000002
-0.0014000000000000004
-0.0014000000000000004
-0.0010000000000000002
-0.0008000000000000001
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
-0.0002
0.0
0.0
0.0
0.0
0.0
0.0
-0.0010000000000000002
0.9945000000000004
0.9904000000000003
-0.006000000000000003
-0.0035999999999999977
0.9963000000000003
0.0
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Jamesbond-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__JourneyEscape-v5.lenl
2949
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2950
2937
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__JourneyEscape-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__JourneyEscape-v5_raw.jsonl
-30.091499999999836
-44.09210000000062
-34.08340000000004
-38.07300000000055
-33.061900000000264
-36.05540000000009
-33.056499999999936
-23.04629999999992
-33.0381000000001
-40.03970000000028
-22.038599999999924
-31.041599999999917
-15.03119999999996
-14.032099999999938
-20.031599999999955
-28.012299999999975
-35.014600000000044
-11.025999999999968
-11.01909999999999
-29.020799999999962
-38.02350000000002
-30.01359999999998
-38.01530000000014
-31.01489999999997
-27.014099999999978
-27.012399999999975
-16.014399999999974
-22.01399999999997
-15.013299999999981
-19.013299999999973
-15.017299999999972
-13.018399999999964
-12.02019999999997
-11.021899999999999
-15.021099999999976
-11.018799999999978
-17.01689999999997
-13.017799999999976
-19.01429999999998
-12.015099999999995
-11.01579999999997
-10.019499999999965
-20.020199999999964
-18.020999999999958
-16.02019999999996
-13.019199999999968
-16.02039999999996
-7.020099999999964
-6.022299999999971
-8.021899999999963
-8.014700000000001
-10.017799999999992
-17.018299999999975
-10.019899999999986
-10.01489999999999
-20.012999999999977
-12.013299999999992
-20.020399999999974
-21.01929999999998
-20.015699999999974
-17.02199999999997
-13.024299999999972
-11.018999999999979
-20.021999999999966
-13.01819999999999
-15.019499999999972
-14.019999999999975
-14.021799999999967
-15.019599999999981
-11.021799999999967
-12.018299999999986
-10.02159999999999
-13.022099999999961
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__JourneyEscape-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Kangaroo-v5.lenl
1369
1635
2770
2257
2172
1970
2480
1882
1618
2233
1881
2186
2528
2007
1242
1603
2793
2314
2316
2197
2233
2038
1954
2363
2367
2124
2359
2257
2208
2181
2367
2376
2367
2367
2367
2181
2367
2149
2367
2363
2615
2189
2367
2367
2367
2367
2367
2363
2029
2367
2367
2367
2367
2367
2367
2189
2013
2367
2189
2361
2189
2203
2361
2367
2367
2367
2367
2367
2367
2367
2367
2189
2367
2367
2367
2367
2367
2367
2367
2879
2367
2117
2442
2365
2012
1848
1668
1878
2266
2305
2421
2153
2363
2363
2155
2133
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Kangaroo-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Kangaroo-v5_raw.jsonl
-0.04190000000000017
-0.053100000000000494
-0.08900000000000152
0.9342000000000013
-0.05860000000000065
0.9527000000000008
-0.061200000000000726
-0.04740000000000033
-0.04100000000000015
-0.0602000000000007
-0.050700000000000425
-0.057700000000000626
0.9475000000000037
-0.0254999999999999
-0.02239999999999992
-0.026699999999999894
-0.04250000000000019
-0.046900000000000316
1.9544000000000006
2.962400000000002
0.9928
0.9821000000000002
0.996
-0.0004
-0.0005
-0.0016000000000000005
-0.0022
2.9803000000000015
-0.006200000000000003
1.9972
-0.0024
-0.0035999999999999977
-0.0006000000000000001
0.0
-0.0002
1.9950000000000006
-0.0010000000000000002
-0.0002
-0.0002
-0.0002
-0.0037999999999999974
0.999
-0.0012000000000000003
0.0
-0.0004
-0.0004
0.0
-0.002799999999999999
1.9897
-0.0012000000000000003
-0.0006000000000000001
0.0
0.0
0.0
-0.0005
0.999
1.9982000000000002
-0.0013000000000000004
0.9986
-0.0020000000000000005
0.999
0.9979
-0.0014000000000000004
0.0
-0.0002
0.0
0.0
0.0
0.0
-0.0002
-0.0004
0.9988
-0.0004
0.0
0.0
0.0
-0.0002
0.0
0.0
-0.0016000000000000005
-0.0012000000000000003
1.9932000000000005
-0.0006000000000000001
1.9906000000000006
0.9937000000000001
0.9955
1.9956
1.9946000000000002
1.9934000000000005
2.9922000000000004
-0.0016000000000000005
-0.0010000000000000002
-0.003499999999999998
-0.010599999999999991
-0.007600000000000007
-0.007700000000000007
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Kangaroo-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__KeystoneKapers-v5.lenl
20567
17168
19380
23456
24104
24352
25088
24228
25088
11911
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__KeystoneKapers-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__KeystoneKapers-v5_raw.jsonl
1.3950000000000502
1.6303000000000245
1.8283000000000185
-0.05830000000000064
-0.08940000000000153
-0.029899999999999875
-0.009399999999999999
-0.0010000000000000002
-0.0002
0.0
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__KeystoneKapers-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__KingKong-v5.lenl
6530
8323
8579
11907
7043
5571
6595
5827
6147
5955
6915
6787
5763
6211
8451
7747
6787
6787
6851
7107
6787
6339
6403
8131
5763
5699
7811
6787
7107
6787
5839
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__KingKong-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__KingKong-v5_raw.jsonl
2.796799999999857
2.7787999999999986
4.8197999999998515
3.844199999999883
0.9592000000000028
-0.013199999999999976
-0.01909999999999994
-0.016199999999999957
-0.01419999999999997
-0.02259999999999992
0.9581000000000038
1.9636000000000033
-0.023599999999999913
-0.020199999999999933
0.9775000000000013
-0.014299999999999969
1.982200000000002
-0.014999999999999965
-0.009799999999999996
0.9866000000000015
-0.006800000000000005
-0.007600000000000007
-0.007100000000000006
1.9523000000000053
-0.011499999999999986
-0.010399999999999993
1.9906000000000008
-0.004299999999999998
-0.005500000000000001
-0.0025999999999999994
-0.0017000000000000006
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__KingKong-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Krull-v5.lenl
5970
6993
5885
5452
4409
3680
5729
5803
5810
4332
5636
5871
5901
4048
5848
4992
5853
5882
4490
5451
5992
5567
5834
5802
4685
5914
5360
5967
4569
5971
6024
5900
4374
5984
5968
6038
6750
5792
4809
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Krull-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Krull-v5_raw.jsonl
120.81459999999639
33.880699999997674
138.93629999999933
131.96509999999955
65.96839999999966
69.96879999999987
179.96389999999948
180.96669999999926
244.95859999999925
149.9676999999995
276.95279999999934
250.9528999999989
327.9478000000007
145.96959999999945
276.95149999999984
273.96329999999966
304.9551000000008
228.94879999999876
162.9629999999993
305.94730000000015
228.9503999999989
200.95169999999933
293.9524000000001
293.9495000000001
250.94629999999876
233.93339999999836
270.94459999999924
324.93480000000096
225.95179999999908
389.9376000000042
326.93820000000176
369.9407000000025
236.96009999999913
322.94810000000086
358.9431000000021
354.943800000002
297.939100000002
378.9531000000021
280.9581000000001
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Krull-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__KungFuMaster-v5.lenl
3860
4197
3653
3301
4033
3221
4541
3317
4949
5273
6905
5897
5354
7637
6133
5221
5546
5157
6312
5437
6856
4357
2941
4741
5029
5709
5474
3893
6597
4069
6427
7029
4549
2565
3701
3349
6249
6588
2725
4121
3789
8709
5905
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__KungFuMaster-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__KungFuMaster-v5_raw.jsonl
3.878199999999931
2.8700999999999697
-0.09760000000000177
0.914199999999999
5.936099999999973
6.95380000000001
7.923300000000023
3.9447999999999404
13.929900000000044
10.925900000000114
21.91470000000015
18.924600000000126
10.946100000000037
22.92170000000014
22.92670000000011
21.955900000000067
23.959700000000055
15.963700000000063
30.951000000000093
18.958600000000054
38.935299999999756
8.968100000000028
5.976299999999987
10.951300000000067
16.956100000000074
26.94760000000007
15.956400000000071
5.973500000000032
33.94899999999991
15.964900000000048
32.93520000000005
35.930399999999736
11.969000000000037
-0.02069999999999993
8.966900000000011
2.966199999999962
36.94579999999986
33.95289999999997
0.9851000000000008
15.970300000000039
7.968499999999976
56.924399999999196
44.94799999999947
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__KungFuMaster-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__MontezumaRevenge-v5.lenl
13429
1150
1470
1130
1478
2066
2078
1438
1418
998
1662
1738
1498
2454
1138
750
6002
4542
2042
2470
1942
1366
962
794
1174
1570
1850
826
1378
1806
3062
1918
1318
1758
2570
15458
5162
9126
8298
2498
4550
2502
3022
4298
2098
1626
1662
3174
18274
2930
7842
1410
782
1314
1898
5710
1178
35268
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__MontezumaRevenge-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__MontezumaRevenge-v5_raw.jsonl
0.5947000000000283
-0.031499999999999875
-0.03910000000000009
-0.030099999999999873
-0.03750000000000005
-0.058700000000000654
-0.06140000000000073
-0.03770000000000005
-0.04030000000000013
-0.0254999999999999
-0.04330000000000021
-0.04100000000000015
-0.03900000000000009
-0.06330000000000079
-0.031499999999999875
-0.02079999999999993
-0.1609999999999986
-0.12440000000000254
-0.055600000000000566
-0.06450000000000082
-0.0498000000000004
-0.030199999999999873
-0.0254999999999999
-0.020199999999999933
-0.03089999999999987
-0.04080000000000014
-0.0498000000000004
-0.021899999999999923
-0.03620000000000001
-0.04430000000000024
-0.07720000000000118
-0.040200000000000125
-0.03049999999999987
-0.04460000000000025
-0.06490000000000083
-0.3922999999999731
-0.11100000000000215
-0.2316999999999908
-0.19589999999999475
-0.05960000000000068
-0.09770000000000177
-0.05820000000000064
-0.06910000000000095
-0.09600000000000172
-0.04870000000000037
-0.04030000000000013
-0.03820000000000007
-0.07260000000000105
-0.4452999999999673
-0.06940000000000096
-0.18289999999999618
-0.03169999999999988
-0.018699999999999942
-0.024399999999999908
-0.03760000000000005
-0.1291000000000021
-0.026199999999999897
-0.8716999999999203
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__MontezumaRevenge-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__MsPacman-v5.lenl
1968
2209
2105
3393
2905
2401
2497
2881
2529
2569
2321
2593
2929
2433
2137
1985
2665
2961
2337
2489
2249
2209
2617
2705
2833
2017
2297
3585
2705
2681
1913
2545
3265
2033
2833
2017
2617
3001
1945
2225
2177
2665
2617
3585
3185
2209
2249
2505
3345
1793
1537
2465
2017
2009
2281
2593
1777
2137
2609
1913
1849
1889
1985
1777
2345
2873
2081
1833
1825
1817
2153
2113
2001
1953
2185
2337
2609
3001
2209
1969
2433
2129
1849
1521
2081
2425
2065
2025
3185
1921
2553
72
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__MsPacman-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__MsPacman-v5_raw.jsonl
24.937400000000117
21.93060000000013
22.936200000000124
21.92780000000014
23.966300000000064
23.957800000000084
22.975700000000046
16.97910000000004
23.987800000000018
26.977500000000052
28.971400000000063
33.97709999999991
22.97620000000005
30.99390000000001
33.982399999999956
15.985200000000031
36.97019999999981
25.97150000000006
31.980800000000038
20.984500000000025
31.972000000000055
35.972099999999756
45.97589999999949
48.984099999999685
39.96979999999928
28.99080000000001
42.98229999999984
47.96759999999942
41.97879999999951
45.970399999999174
34.984299999999934
72.9821999999996
42.9738999999995
17.98700000000002
53.96879999999929
33.97599999999986
43.970799999999386
68.9711999999994
40.98129999999986
33.97599999999976
32.978899999999996
49.98109999999974
53.98139999999968
49.9612999999994
58.971299999999346
35.97989999999979
59.98439999999976
47.980999999999625
74.9794999999996
23.981500000000036
33.988399999999984
24.975100000000047
22.98000000000004
28.991200000000017
37.98009999999959
44.97289999999958
35.98099999999991
37.980199999999726
43.96889999999968
38.97449999999991
52.97629999999964
40.98509999999976
66.98119999999966
40.97989999999976
46.9733999999995
38.973999999999634
40.97639999999964
28.98160000000003
37.98459999999988
32.98209999999995
33.97659999999961
36.98059999999964
29.97460000000005
37.9764999999997
32.974799999999874
41.96879999999937
50.97059999999942
43.964999999999506
44.98679999999985
41.98389999999971
58.98039999999966
42.9776999999996
41.98439999999967
40.98589999999977
63.984699999999734
40.98729999999992
44.98819999999981
37.97809999999977
58.965799999999376
42.98579999999973
52.98429999999976
-0.0004
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__MsPacman-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__NameThisGame-v5.lenl
12671
8072
15424
7752
11080
10192
7829
18386
9171
11968
13978
13611
17705
11656
8205
11336
15472
8908
1877
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__NameThisGame-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__NameThisGame-v5_raw.jsonl
106.67579999999545
36.89230000000008
132.90909999999906
42.93539999999959
70.89619999999788
49.92209999999945
44.92619999999937
147.84069999999602
64.93159999999864
75.89599999999824
78.9603999999996
135.9709999999992
131.9108999999978
82.92469999999832
49.9570999999995
86.9239999999989
109.89649999999739
84.95319999999938
11.9944
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__NameThisGame-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Phoenix-v5.lenl
3081
10186
8650
5130
2698
2442
5450
1930
1802
5450
2826
2250
2698
2186
2122
1674
2058
2122
2378
2378
5450
2314
2634
1994
2762
2122
1546
1674
1866
1866
3402
1546
7114
2122
2890
2826
2826
3338
3914
3082
3530
2378
2250
2122
2506
1994
2122
2378
2378
4042
11530
2506
2314
15690
2634
4170
2122
2826
12938
2634
3402
43
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Phoenix-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Phoenix-v5_raw.jsonl
22.905300000000178
17.73320000000055
12.81560000000035
13.932100000000094
2.972599999999997
6.966700000000012
6.942400000000086
3.9832999999999825
7.978900000000024
14.96400000000007
13.980700000000038
1.9888000000000012
3.98379999999999
3.9802999999999846
5.987900000000012
4.985399999999993
3.9883999999999857
4.988200000000004
3.987499999999987
4.983199999999991
4.95880000000003
5.9850999999999885
6.979800000000027
11.98280000000001
6.981499999999982
5.988699999999989
5.990600000000001
3.9876999999999834
3.991899999999987
6.98300000000002
11.97310000000001
6.986800000000025
16.93240000000014
6.983000000000027
5.978500000000037
3.981199999999978
13.97570000000005
15.970800000000056
15.959000000000055
4.984700000000015
5.971300000000046
5.981600000000023
12.982100000000022
12.98530000000002
5.977900000000025
6.9822000000000255
6.983500000000005
17.980900000000027
6.986600000000006
16.976600000000037
16.904400000000205
4.987099999999993
5.981500000000011
16.914300000000186
4.984299999999998
15.979800000000019
5.988500000000008
6.989000000000008
6.957700000000084
6.987000000000014
17.974600000000024
0.9998
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Phoenix-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Pitfall-v5.lenl
4572
22278
21926
3786
1230
998
1017
975
980
986
15679
8183
32550
60290
974
1234
1258
989
2116
2263
8150
8278
966
1478
974
1010
1030
1042
986
966
966
1014
1022
982
1020
1134
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Pitfall-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Pitfall-v5_raw.jsonl
-38.14490000000015
-129.45190000001256
-2.365399999999999
-21.052499999999977
-0.014899999999999965
-0.013499999999999974
-0.014899999999999965
-0.012899999999999977
-13.013699999999996
-0.013499999999999974
-0.2590999999999878
-0.15429999999999933
-96.47180000001455
-143.16750000000525
-0.008400000000000005
-59.00930000000012
-17.01209999999999
-29.01149999999999
-19.018599999999978
-2.0277000000000074
-0.1273000000000023
-158.12510000000023
-0.005800000000000002
-0.011699999999999985
-0.004199999999999998
-15.005799999999997
-0.010199999999999994
-0.007100000000000006
-0.007600000000000007
-2.010600000000002
-0.0093
-26.0099
-0.009399999999999999
-5.010599999999996
-0.011799999999999984
-0.012299999999999981
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Pitfall-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Pong-v5.lenl
3279
3746
3901
3367
4259
3667
3596
3168
3611
3296
3350
3370
3408
3548
3056
3900
3056
3609
3168
3056
4343
3286
3357
3296
3648
3304
4689
3599
3296
3131
3683
3839
3296
3300
3652
3416
3371
3168
3542
3408
3300
3540
4395
3056
3300
3536
3296
3296
3582
3408
3056
3056
3296
3296
3304
3300
4504
3888
3296
3296
3540
2733
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Pong-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Pong-v5_raw.jsonl
-20.10399999999982
-19.117599999999786
-20.11339999999979
-20.0843999999999
-19.10159999999984
-20.07639999999986
-21.06649999999987
-21.05409999999991
-21.062299999999883
-21.06029999999989
-20.069299999999867
-20.049899999999912
-21.0518999999999
-21.061899999999888
-21.057599999999894
-21.070099999999872
-21.047799999999917
-20.055499999999906
-21.040999999999926
-21.04039999999993
-19.057199999999916
-21.053199999999908
-21.04379999999992
-21.047099999999922
-21.05359999999991
-21.043599999999923
-20.054699999999908
-20.048499999999933
-21.037899999999947
-21.029199999999943
-20.038899999999927
-20.03519999999996
-21.040999999999922
-21.034999999999936
-21.042399999999926
-21.028499999999948
-21.026699999999963
-21.02279999999997
-21.030399999999947
-21.030599999999946
-21.020299999999963
-21.011399999999984
-20.026699999999952
-21.02599999999995
-21.02419999999996
-21.012899999999984
-21.01409999999998
-21.022399999999966
-20.013199999999983
-21.018699999999967
-21.01199999999998
-21.013699999999975
-21.01339999999998
-21.015399999999975
-21.01979999999997
-21.01569999999997
-21.024499999999954
-21.022599999999954
-21.013799999999975
-21.015299999999975
-21.01529999999997
-18.01569999999997
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Pong-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Pooyan-v5.lenl
1991
3505
2630
2511
1710
2843
3773
3274
2886
2230
3582
2286
1404
2148
2469
1608
1422
2416
2500
3726
2336
2328
1436
1372
1646
2416
4443
1404
1776
2056
1928
2900
4845
3079
2349
1428
2644
3052
2912
1830
1798
2706
2212
3387
3387
2678
2126
2384
2400
4408
1976
2812
1622
2848
2228
2732
2082
4433
2302
4414
2662
3216
2572
3378
2102
3104
2904
2572
3120
2084
2758
1708
2688
3347
1856
1996
2976
1420
4883
2520
1488
3264
2672
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Pooyan-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Pooyan-v5_raw.jsonl
14.93750000000006
18.888300000000203
25.92320000000012
19.937700000000063
6.975400000000039
11.954900000000048
29.962200000000074
22.965000000000067
21.967300000000044
10.971300000000031
36.95209999999997
13.983900000000023
2.989199999999999
19.97730000000003
24.97590000000002
12.985500000000028
3.987799999999987
19.980600000000035
22.982500000000037
39.97419999999994
21.98150000000002
22.98390000000003
6.9909
6.993900000000004
9.992300000000013
19.987800000000014
51.967599999999535
2.989299999999998
16.98660000000002
13.985500000000018
19.988400000000016
33.97550000000002
46.963999999999615
45.973799999999855
12.988600000000007
3.9951999999999948
17.98640000000002
25.981100000000033
31.98300000000003
11.9895
12.989800000000004
21.982000000000035
20.981600000000032
39.97419999999987
34.97449999999998
27.97930000000004
18.984100000000026
28.983200000000036
19.983900000000013
56.9686999999995
21.985300000000027
28.981200000000033
11.988900000000015
34.97660000000002
23.98570000000003
34.98189999999985
21.98560000000002
47.96309999999928
19.980600000000027
49.9648999999995
26.981000000000023
42.974899999999735
33.982500000000016
39.97339999999982
10.98490000000001
27.982100000000038
40.97869999999985
28.979200000000045
44.97669999999985
16.987000000000023
29.979500000000034
11.988900000000005
39.98059999999993
42.97939999999976
11.9877
9.98980000000001
29.980700000000024
8.9911
51.9629999999995
19.986900000000023
8.992200000000004
42.977799999999775
26.98080000000003
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Pooyan-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__PrivateEye-v5.lenl
10789
10790
10790
10790
10790
10790
10790
10790
10790
10790
10790
10790
10790
10790
10790
10790
10790
10790
10790
10330
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__PrivateEye-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__PrivateEye-v5_raw.jsonl
-29.325499999999963
-0.26219999999998744
-47.214100000004905
-0.22139999999999194
0.7448000000000258
-0.23749999999999016
-45.11660000000024
-48.08070000000013
-0.12220000000000136
-73.1585000000002
-0.17929999999999657
-0.220899999999992
-21.150899999999726
-121.13100000000061
-0.22579999999999145
-0.2507999999999887
-0.2280999999999912
-0.10160000000000188
-0.1591999999999988
-0.07960000000000125
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__PrivateEye-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Qbert-v5.lenl
1767
1269
1557
1108
1214
1379
1458
1113
1259
1273
1174
1208
1209
1132
1922
2494
2199
1775
2465
3322
1908
2080
2087
1957
1724
2052
1800
1423
1777
1865
1485
1365
1550
1597
2080
1887
2002
1427
1302
1390
1240
1540
1215
1760
1177
1505
1205
1630
1620
1210
1177
1600
2282
2087
2152
1395
1240
1222
1147
1210
1177
1215
2165
1302
1255
1372
1205
1210
1220
1387
1302
1382
1210
1215
1372
1210
1302
1302
1210
1302
1302
1455
1455
1210
1210
1302
1210
1455
1302
1302
1210
1210
1302
1455
1205
1455
1205
1455
1455
1210
1302
1455
1210
1455
1455
1455
1485
1210
1455
1210
1302
1455
1210
1302
1210
1210
1210
1455
1302
1302
1205
1210
1455
1210
1210
1210
1455
1210
1455
1210
1210
1455
1215
1210
1210
1210
1210
1210
1210
1210
1210
1210
1210
1210
1210
1210
1302
1210
1210
1210
1210
729
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Qbert-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Qbert-v5_raw.jsonl
9.946100000000065
1.9588000000000039
10.949400000000084
6.964400000000019
1.9622000000000035
7.961800000000066
5.971800000000039
-0.007500000000000007
2.984799999999997
3.9673999999999467
0.9798000000000019
1.9755000000000023
1.976200000000002
1.9794000000000007
4.984399999999999
2.984099999999988
1.981000000000002
4.973700000000001
4.972400000000016
4.976400000000038
3.983599999999989
5.9667000000000545
5.983000000000002
4.980700000000031
5.979900000000034
4.975700000000049
4.980400000000035
4.981500000000036
5.976300000000045
5.984700000000023
4.985100000000024
4.990200000000012
4.9815000000000245
9.983700000000034
4.98030000000003
4.9836000000000285
4.982200000000029
10.988700000000012
8.992100000000008
8.98130000000003
9.98650000000002
10.98670000000002
12.987600000000022
4.98350000000003
7.986200000000023
11.988300000000022
7.991400000000009
6.985400000000025
7.987000000000026
9.98640000000002
12.98520000000003
9.981600000000034
9.98180000000003
9.983900000000027
7.980300000000035
9.981900000000014
8.984400000000027
7.985000000000027
9.985800000000024
10.983100000000032
8.988300000000022
10.984300000000026
15.969700000000062
9.995800000000001
13.986200000000023
12.981600000000038
12.996300000000009
13.996900000000004
13.987400000000019
9.988100000000022
9.99240000000001
10.98400000000003
13.991200000000012
13.986200000000022
9.984000000000028
6.9921000000000095
11.989300000000018
10.990700000000018
13.997300000000003
11.992900000000015
10.98980000000002
14.99090000000002
11.99070000000002
13.993700000000011
13.993900000000005
11.989100000000015
8.989800000000013
12.987700000000018
9.992800000000015
12.989800000000015
13.991800000000014
13.992600000000014
9.991500000000016
13.989900000000018
12.99080000000001
14.988500000000023
12.99390000000001
12.991500000000014
12.987500000000022
13.989700000000015
9.993100000000004
12.984000000000027
13.993400000000008
14.987000000000027
13.987900000000025
13.985400000000025
13.987500000000022
13.988900000000015
13.988600000000023
13.990200000000016
9.991400000000013
14.985600000000025
13.990800000000016
9.988900000000017
13.990600000000013
13.990000000000014
13.991600000000014
14.989200000000015
12.991600000000012
9.9967
12.991600000000012
13.989700000000015
14.991900000000014
13.994300000000012
13.991300000000015
11.991800000000012
12.98820000000002
11.99250000000001
11.989100000000018
13.98680000000002
13.98970000000002
10.985800000000022
13.990700000000015
13.990800000000014
13.991200000000013
13.99430000000001
13.995200000000006
13.990700000000018
13.99400000000001
13.995000000000005
13.993400000000012
10.994600000000009
11.993500000000012
12.991000000000016
11.993900000000007
13.99280000000001
9.993800000000007
11.992900000000011
13.992700000000008
11.993100000000013
13.989700000000015
9.995200000000008
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Qbert-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Riverraid-v5.lenl
3582
3621
2889
1779
915
866
825
825
825
825
825
825
825
825
825
825
825
825
825
825
825
832
829
825
829
825
825
825
828
831
833
828
825
838
830
891
831
831
830
830
829
838
847
840
828
832
847
845
837
837
874
863
860
835
848
881
877
856
858
878
893
895
889
892
892
883
889
880
892
893
895
894
895
897
882
881
885
903
905
906
908
909
911
907
897
903
901
907
904
909
973
1034
916
1046
981
961
916
914
913
912
911
913
911
914
911
909
913
912
910
911
913
912
916
913
913
912
913
916
913
911
906
907
906
904
908
913
913
913
907
913
916
916
918
913
947
948
1194
1692
1441
1290
1177
1759
1601
1497
1498
1374
1706
3339
2675
2905
1694
2123
2687
1449
1772
3049
1714
1078
1070
1671
1982
3319
2591
1703
1305
1281
1686
2104
2077
1922
1179
1436
2000
1121
1049
1042
1304
1042
2018
1211
1169
1449
1138
1718
1863
1130
1810
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Riverraid-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Riverraid-v5_raw.jsonl
24.886400000000226
25.889100000000177
22.93020000000011
10.966400000000032
8.991899999999998
8.997000000000003
7.9975
7.997299999999999
7.998800000000001
7.9986000000000015
7.998300000000003
7.994900000000005
7.994100000000005
7.994200000000001
7.9964
7.9994000000000005
7.9994
7.9998000000000005
7.9998000000000005
7.999200000000001
8.0
5.999199999999999
6.9998000000000005
7.9982
6.998600000000001
7.998400000000002
7.9994
7.9998000000000005
6.9998000000000005
6.9998000000000005
6.997000000000005
6.994700000000003
7.997700000000002
5.996699999999999
6.9974000000000025
5.9947999999999935
5.9963999999999995
4.993700000000002
6.998200000000002
6.997000000000002
6.9971000000000005
5.9968
7.996600000000004
5.996300000000005
6.9991
5.9966999999999935
5.996700000000004
5.996100000000004
3.996699999999998
4.998399999999997
9.996200000000002
7.9982999999999995
7.997100000000002
4.9990000000000006
6.997500000000002
8.99440000000001
8.995000000000008
5.9984
4.998899999999999
9.995900000000004
11.997000000000002
11.995400000000007
10.997200000000003
11.995800000000003
11.9984
9.9982
11.9982
8.9986
10.998200000000002
11.997500000000002
11.997600000000002
11.997000000000003
11.996500000000005
11.996700000000004
9.997600000000002
9.9981
9.997599999999998
11.9982
11.997500000000002
11.997900000000001
11.997100000000001
11.997100000000003
11.997200000000003
11.997200000000003
11.997200000000003
11.997200000000003
11.997200000000003
10.997900000000001
11.9983
11.997400000000003
11.997200000000003
11.997300000000001
10.996000000000004
13.996900000000004
9.996500000000005
12.99440000000001
11.994900000000005
11.996400000000005
11.997700000000002
11.9982
11.9983
11.998300000000002
11.9982
11.998800000000001
11.998200000000002
11.997300000000001
11.996900000000004
11.996100000000006
11.997100000000003
11.996700000000002
11.9975
11.997700000000002
11.996400000000005
10.996300000000005
10.996800000000004
11.998400000000002
11.997800000000002
10.997000000000003
11.997400000000003
11.997100000000003
11.997500000000002
11.997800000000003
11.997700000000002
11.997600000000002
11.998400000000002
11.997800000000003
11.998000000000001
11.997800000000002
11.998500000000002
10.998200000000002
11.996600000000004
11.997900000000001
10.998100000000003
10.9978
9.9982
9.9976
12.994600000000005
15.990900000000014
12.996100000000004
12.997100000000005
10.995900000000002
14.991200000000013
11.993000000000007
12.994600000000005
13.99310000000001
12.996100000000006
16.99010000000002
29.971900000000048
24.971600000000056
29.97560000000005
13.985800000000014
21.98190000000003
19.973500000000044
15.987600000000022
17.984900000000025
24.98000000000004
17.988800000000012
9.995700000000006
10.994500000000006
17.98430000000003
18.985600000000026
28.976300000000048
37.97639999999994
19.988600000000012
11.993000000000007
12.990800000000004
15.984700000000023
26.98420000000003
26.98260000000003
18.98110000000003
8.991900000000006
11.986100000000008
21.980600000000027
11.994100000000003
10.991900000000008
10.994000000000003
15.991300000000015
9.994500000000006
30.983000000000033
11.99280000000001
13.990300000000019
17.985500000000027
13.989100000000017
19.989200000000018
18.982900000000033
10.991200000000013
23.98460000000003
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Riverraid-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__RoadRunner-v5.lenl
645
451
1113
1568
852
1614
303
402
354
489
562
284
832
930
805
536
488
608
2040
1474
624
643
579
282
332
514
438
298
527
945
673
428
563
517
707
831
2235
1288
1539
575
392
398
595
567
674
937
907
871
1822
1778
438
678
800
1230
1093
1467
1238
1099
1067
1243
1283
1077
1256
993
1131
1036
1026
1082
1237
1222
1052
892
1272
647
1283
917
1300
1156
987
1067
1081
1105
1144
1165
1101
1118
1152
1443
1000
872
1197
1265
1482
1236
1069
1214
1121
1225
864
862
1397
1205
1088
1009
1233
1164
1159
1228
977
736
1070
1012
1420
982
1068
1132
971
1249
1189
1099
1106
1289
1080
1464
1635
1582
1457
1335
1479
1486
1343
871
1234
1671
1721
1485
1106
1245
1539
1488
1514
1210
1773
1221
1190
1554
1618
1365
1493
1334
1486
1711
1161
1456
1733
1488
1100
1486
1235
1281
1089
1088
1641
1455
1437
1210
1458
1410
1848
1161
1222
1441
1105
1257
1082
1237
2377
2043
1271
2382
1712
1255
1173
1357
1286
1764
1282
1089
1961
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__RoadRunner-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__RoadRunner-v5_raw.jsonl
-0.018299999999999945
-0.012799999999999978
-0.034299999999999956
-0.0498000000000004
-0.0257999999999999
0.9497999999999996
-0.009000000000000001
-0.012199999999999982
-0.010399999999999993
-0.011899999999999984
-0.013699999999999973
-0.007900000000000008
-0.0254999999999999
-0.026899999999999893
0.9750000000000011
-0.01419999999999997
-0.014599999999999967
-0.01719999999999995
0.9408000000000003
0.9621
-0.01599999999999996
-0.016499999999999956
-0.012999999999999977
-0.006100000000000003
-0.007000000000000005
-0.01239999999999998
-0.011599999999999985
-0.006900000000000005
-0.01409999999999997
-0.023299999999999915
-0.015499999999999962
-0.011199999999999988
-0.013699999999999973
-0.012099999999999982
-0.017999999999999947
-0.021399999999999926
9.949600000000032
-0.009799999999999996
23.977100000000018
-0.008000000000000007
-0.0023
-0.005800000000000002
-0.007900000000000008
-0.0092
-0.009599999999999997
0.9866000000000005
-0.011999999999999983
-0.011899999999999984
12.968399999999981
19.974000000000014
-0.007500000000000007
-0.007400000000000006
-0.006900000000000005
9.987800000000007
9.993900000000009
9.988500000000004
-0.013099999999999976
9.991900000000003
-0.0067000000000000046
0.9891000000000002
-0.012799999999999978
9.99100000000001
-0.01249999999999998
-0.007200000000000006
0.9861000000000005
-0.010999999999999989
-0.011699999999999985
0.9922000000000003
-0.012699999999999979
-0.013399999999999974
9.993500000000006
-0.007500000000000007
9.987800000000002
-0.005300000000000001
-0.013299999999999975
-0.006400000000000004
9.989400000000005
-0.007000000000000005
-0.005400000000000001
9.995600000000003
-0.0048
-0.009699999999999997
-0.007000000000000005
-0.006600000000000004
-0.0039999999999999975
-0.005400000000000001
-0.005800000000000002
-0.009599999999999997
9.996900000000005
-0.009000000000000001
-0.007900000000000008
-0.01089999999999999
9.989900000000006
-0.0091
9.993800000000011
-0.007100000000000006
-0.007100000000000006
-0.006600000000000004
-0.0063000000000000035
-0.004199999999999998
-0.006800000000000005
-0.005500000000000001
9.994900000000001
-0.006100000000000003
-0.008900000000000002
-0.006800000000000005
-0.005400000000000001
-0.0038999999999999972
9.998100000000003
-0.004699999999999999
-0.009000000000000001
-0.007200000000000006
-0.007900000000000008
9.996200000000005
-0.010099999999999994
-0.007700000000000007
-0.0078000000000000074
-0.009999999999999995
-0.008000000000000007
-0.006900000000000005
-0.006400000000000004
9.993300000000003
-0.006000000000000003
-0.009699999999999997
-0.008700000000000003
-0.005800000000000002
-0.0043999999999999985
-0.0039999999999999975
19.994500000000002
19.996500000000008
22.988700000000016
9.994000000000007
0.9886000000000004
19.98760000000001
9.987700000000025
19.98720000000002
9.99300000000001
11.99120000000001
20.98640000000001
10.983700000000006
0.9838000000000002
19.989800000000013
-0.01399999999999997
-0.0078000000000000074
9.992900000000002
9.989700000000008
10.990100000000005
-0.006900000000000005
-0.009999999999999995
-0.009999999999999995
11.988100000000003
9.988200000000012
9.99150000000001
19.990000000000002
10.988200000000008
9.992700000000001
9.994700000000002
9.9939
9.993100000000002
-0.004699999999999999
9.9947
9.993700000000002
-0.011199999999999988
-0.007400000000000006
9.9925
-0.0049
0.9894000000000004
10.986700000000003
20.980800000000023
0.9913000000000003
9.9892
20.983900000000006
9.990200000000003
20.992100000000004
10.992100000000002
21.990900000000007
10.976000000000006
23.980500000000024
9.986900000000002
9.977500000000006
19.98260000000001
-0.008400000000000005
-0.0091
-0.01089999999999999
20.987400000000015
11.979300000000016
20.988000000000003
9.989300000000004
21.97880000000002
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__RoadRunner-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Robotank-v5.lenl
16504
6831
15696
10520
22487
14316
28872
33666
15155
18770
9508
10647
12348
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Robotank-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Robotank-v5_raw.jsonl
5.532600000000141
0.8303000000000024
10.814400000000223
7.9599000000000535
14.94450000000013
8.969799999999955
12.960200000000073
11.918000000000076
6.928400000000069
14.957200000000071
2.9572999999999956
3.975799999999969
2.9618999999999622
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Robotank-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Seaquest-v5.lenl
2436
2237
2593
2766
3118
2558
1710
2442
2814
2906
2758
2798
2417
2357
3658
6189
4913
2458
2593
2246
1850
3002
3442
3569
4133
2754
2406
1662
1621
4374
2302
2430
2038
2538
3246
2274
3418
3078
2298
1822
2090
1697
2206
1654
3366
1949
1962
1353
2882
3614
2454
2077
2922
2030
1993
2001
2354
2913
5933
5346
1706
2085
2482
2658
2289
3498
2414
4657
2577
2082
1902
2358
2026
1994
1898
2305
2478
2217
1757
2002
2801
115
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Seaquest-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Seaquest-v5_raw.jsonl
6.924799999999997
5.930100000000014
4.921599999999964
10.924900000000086
11.93550000000008
5.955299999999988
0.9705000000000026
1.953700000000004
-0.05780000000000063
4.946199999999951
3.968699999999969
3.957299999999947
4.966400000000009
4.967499999999994
8.96329999999999
14.965300000000047
8.95040000000002
3.972899999999964
4.973399999999985
4.975999999999994
3.9768999999999837
7.958300000000028
12.977400000000038
10.975500000000034
13.967300000000057
7.974700000000011
6.968700000000032
2.977299999999967
0.9783000000000007
6.9552000000000795
5.974699999999995
6.974700000000009
3.978199999999998
3.9693999999999816
9.965700000000012
6.970499999999985
7.964899999999988
8.961600000000065
4.979099999999979
2.9842999999999993
1.9791000000000012
4.986200000000002
2.9818999999999836
1.9895000000000007
4.967499999999973
4.985099999999987
1.9825000000000015
1.9904000000000008
4.978799999999968
3.966799999999999
2.9752999999999905
3.980599999999998
7.975000000000004
1.980700000000001
6.982200000000001
5.982899999999994
7.982600000000019
8.982800000000019
18.96680000000005
12.962100000000028
4.9856999999999845
2.980399999999986
6.983400000000017
6.989599999999998
8.985299999999999
11.978800000000028
5.981299999999993
8.971800000000036
7.982900000000027
3.9829999999999766
7.993100000000001
6.989200000000018
6.989000000000004
5.991100000000001
7.9908000000000055
6.9887000000000015
5.987299999999994
3.9895999999999927
7.994300000000005
4.990399999999989
4.983600000000022
-0.0007000000000000001
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Seaquest-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Skiing-v5.lenl
18027
18028
18028
18028
18028
18028
18028
18028
18028
18028
18028
17023
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Skiing-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Skiing-v5_raw.jsonl
-18027.52959999917
-18028.44619999926
-18028.39939999909
-18028.36979999928
-18028.42029999905
-18028.321699999255
-18028.377999999444
-18028.25379999981
-18028.28909999969
-18028.23789999917
-18028.26549999967
-17023.318599999133
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Skiing-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Solaris-v5.lenl
20232
19623
60414
108000
7070
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Solaris-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Solaris-v5_raw.jsonl
32.52899999999982
10.695699999999988
2.7598000000000042
0.8462000000000027
-0.015299999999999963
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Solaris-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__SpaceInvaders-v5.lenl
1840
1825
2319
1191
1567
3427
2559
1975
1985
3563
1261
1799
3521
2483
2489
2903
2903
2553
2633
2579
2953
3265
2635
2569
3491
3299
2903
2903
2903
2609
2675
2903
2903
5033
2075
2835
1147
2509
2491
2617
2935
2661
1535
3750
2551
2433
3039
2077
2327
3375
3687
1569
2999
1893
2031
3215
2277
2121
3203
2113
1395
2541
3097
2141
3435
1495
3166
2055
1891
3795
1099
2763
2327
4521
1635
2383
2727
3189
1967
2441
1925
1479
2647
3329
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__SpaceInvaders-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__SpaceInvaders-v5_raw.jsonl
7.945100000000069
7.942600000000061
11.928300000000105
3.965399999999973
4.95920000000004
11.923700000000135
10.940900000000104
9.96880000000004
5.979400000000016
28.95360000000009
6.986100000000016
5.980199999999975
18.979300000000045
10.977300000000039
11.979900000000033
16.98650000000002
16.989400000000018
11.991399999999992
10.98310000000003
10.987100000000025
15.99080000000002
18.988800000000026
10.988800000000026
12.989300000000023
14.986100000000029
17.98780000000003
16.99040000000002
16.988600000000027
16.98930000000002
11.985200000000031
10.991700000000016
16.99390000000001
16.99380000000001
29.98220000000003
10.990000000000016
23.983700000000034
9.990100000000016
11.986000000000024
11.981900000000032
11.98420000000003
15.972700000000053
10.983700000000033
8.990900000000007
21.982600000000033
14.983100000000032
12.986500000000003
19.98480000000003
13.988800000000017
16.985800000000022
27.983900000000034
29.98390000000003
11.989600000000019
15.984500000000025
11.988700000000012
14.985400000000022
29.979500000000044
20.985000000000028
9.990000000000009
20.987900000000018
12.98590000000002
13.990600000000011
16.98350000000003
15.98800000000002
9.986700000000022
18.981100000000016
9.990400000000012
23.981400000000033
15.990700000000006
9.985600000000021
23.986000000000026
5.9902999999999995
23.983200000000025
17.987800000000014
30.98050000000003
8.986600000000015
14.984900000000028
13.984800000000027
23.97840000000003
14.987500000000018
15.985200000000019
8.9882
8.988100000000017
22.982000000000028
32.97680000000004
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__SpaceInvaders-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__StarGunner-v5.lenl
4070
6344
6500
9963
4207
6462
3003
2642
8879
3316
5876
3451
4791
7605
4456
4322
4121
4456
4456
3934
5461
9815
5061
2538
5396
2714
10419
4456
3518
4523
4456
4456
4456
6332
4992
5462
4658
3867
4456
4389
4456
4456
2146
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__StarGunner-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__StarGunner-v5_raw.jsonl
3.871199999999932
9.829400000000227
7.848500000000136
-0.15199999999999958
1.9709000000000019
2.9367999999999714
1.9728000000000026
0.9819000000000015
0.9459000000000026
-0.013199999999999976
-0.006500000000000004
-0.005200000000000001
-0.013899999999999971
-0.005300000000000001
-0.005500000000000001
-0.0038999999999999972
-0.0038999999999999972
-0.0026999999999999993
-0.0029999999999999988
-0.002899999999999999
-0.0038999999999999972
0.9900000000000011
-0.0020000000000000005
-0.0021000000000000003
-0.005300000000000001
-0.0012000000000000003
-0.0017000000000000006
0.0
-0.0004
-0.0002
-0.0002
-0.0016000000000000005
0.0
-0.0024
-0.0002
-0.0006000000000000001
-0.0002
-0.0014000000000000004
-0.0008000000000000001
-0.0008000000000000001
-0.0010000000000000002
0.0
0.0
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__StarGunner-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Tennis-v5.lenl
6808
6985
6727
6091
7835
13403
6751
8540
7268
9881
9289
6613
6679
7555
6680
6551
7198
24919
14490
14108
30963
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Tennis-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Tennis-v5_raw.jsonl
-23.21469999999961
-24.182299999999653
-24.167599999999684
-24.13789999999974
-24.1516999999997
-24.270799999999426
-24.125199999999783
-24.16239999999967
-23.119999999999756
-24.153199999999927
-24.14329999999971
-24.112199999999792
-24.09399999999982
-24.097199999999876
-23.09949999999982
-24.092299999999835
-22.121099999999835
-24.461399999999166
-24.2514999999995
-24.224299999999523
-3.7166000000015065
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Tennis-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__TimePilot-v5.lenl
6612
6073
5213
7161
8912
4385
6065
3704
3893
4513
8876
4665
4457
6081
5409
4697
7889
6239
4233
4121
7821
4693
5205
4465
6633
4193
4257
4913
4793
3977
3957
4922
3833
6431
7217
4969
4921
3833
4745
6225
107
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__TimePilot-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__TimePilot-v5_raw.jsonl
9.793400000000128
9.840200000000149
8.886900000000015
10.890600000000168
11.910000000000027
7.968200000000012
9.948600000000027
5.958700000000013
5.958599999999997
4.9725999999999875
12.932300000000108
9.970700000000019
5.966899999999989
5.956500000000009
7.96020000000003
6.967099999999994
10.941700000000038
7.955700000000034
4.964199999999986
5.96399999999999
10.94180000000007
5.96280000000001
5.9543
6.958100000000011
11.947900000000073
5.9626000000000055
6.9640000000000075
4.965799999999971
5.969299999999988
4.971799999999989
4.970999999999977
8.968500000000015
6.977099999999998
8.957300000000027
6.958
5.9590999999999905
4.971699999999972
5.974700000000006
2.9727000000000023
3.9707999999999872
-0.0011000000000000003
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__TimePilot-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Tutankham-v5.lenl
2299
8030
8904
8735
23157
108000
32799
23386
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Tutankham-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Tutankham-v5_raw.jsonl
0.9275000000000049
5.765699999999914
-0.20949999999999325
-0.04120000000000015
-0.2907999999999843
-0.8062999999999275
-0.005300000000000001
-0.0008000000000000001
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Tutankham-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__UpNDown-v5.lenl
2521
1691
1915
2113
1621
1556
1474
1486
1453
1801
1728
2002
2723
5304
3344
2117
1796
2785
2965
2383
2702
3152
2487
2398
3612
3318
2202
2059
1834
2796
2959
3066
2926
2572
2910
2448
2588
2484
2643
2588
3120
2956
2287
3252
2974
2706
2267
1774
2439
2518
2949
1966
3038
2215
2458
2682
1992
2720
2526
2462
2595
2574
3194
3102
2101
2337
2031
2800
2750
1712
2239
2695
3385
2528
2750
3608
3456
3146
2790
3493
3211
2700
3074
1177
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__UpNDown-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__UpNDown-v5_raw.jsonl
22.920500000000118
9.946500000000036
11.939700000000068
15.940100000000074
7.960300000000019
8.96900000000003
5.9681
6.975100000000005
5.979900000000008
11.976900000000017
9.9847
13.988400000000015
24.988800000000023
65.99549999999996
34.99839999999998
15.993500000000012
10.990800000000016
26.98890000000002
29.986700000000027
20.98280000000003
24.98290000000003
31.982400000000034
20.984400000000026
21.981300000000008
40.96859999999989
39.977699999999956
18.990900000000014
15.988200000000006
10.992400000000009
29.990800000000014
30.991000000000014
29.995000000000008
28.98770000000002
22.99130000000001
27.99100000000001
21.990300000000012
23.986200000000025
20.986100000000015
25.991200000000013
23.989600000000017
34.987399999999965
31.985000000000024
18.986000000000026
35.980399999999975
28.979200000000038
24.981900000000035
17.983300000000018
9.989100000000008
23.986600000000024
22.987800000000018
28.98810000000002
13.988000000000014
30.979900000000036
16.991700000000012
21.98240000000002
23.98490000000002
13.985100000000015
25.984900000000025
21.978500000000032
20.990600000000015
23.98260000000003
23.990700000000018
31.982500000000034
32.9838
15.98580000000002
18.988100000000006
13.987100000000012
26.985200000000027
28.98340000000003
8.986300000000007
17.987200000000012
24.981900000000035
36.978799999999936
21.98800000000002
25.98820000000002
41.98059999999992
37.985699999999994
31.984000000000034
25.98610000000003
36.97940000000001
32.988000000000014
24.988700000000023
31.98120000000004
8.995900000000006
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__UpNDown-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Venture-v5.lenl
6602
20203
11518
11734
4010
12618
8704
6150
25115
10208
9246
9246
8779
15679
13102
8512
18581
15308
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Venture-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Venture-v5_raw.jsonl
-0.20429999999999382
-0.5785999999999526
-0.3272999999999803
-0.34009999999997886
-0.10760000000000206
-0.3624999999999764
-0.17929999999999657
-0.13700000000000123
-0.5645999999999541
-0.2677999999999868
-0.130000000000002
-0.105800000000002
-0.13490000000000146
-0.2899999999999844
-0.2927999999999841
-0.10160000000000188
-0.375299999999975
-0.402399999999972
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Venture-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__VideoPinball-v5.lenl
13765
7143
8170
7161
9913
7432
6656
10270
7746
7331
6114
15884
5505
4979
3851
6389
5563
8341
6705
3278
7231
3627
3631
8030
3753
3989
5967
11041
5984
6233
3643
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__VideoPinball-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__VideoPinball-v5_raw.jsonl
152.66349999999233
22.895800000000058
76.92799999999873
60.89049999999747
101.8866999999979
47.91589999999779
86.93949999999923
67.8805999999982
74.92479999999826
63.952599999999265
41.92749999999962
167.7816999999939
58.925499999998834
52.9196999999986
32.93379999999992
62.93449999999913
81.97439999999975
58.95839999999917
56.94929999999982
11.967200000000057
90.92719999999869
14.949300000000042
26.967100000000055
66.93299999999968
16.96220000000006
20.940200000000097
37.92839999999987
115.9420999999983
46.924599999999046
56.93759999999914
30.954900000000052
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__VideoPinball-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__WizardOfWor-v5.lenl
3433
7294
3706
4722
1960
2300
7602
3778
3446
4732
5686
3734
5686
3434
5686
3434
3434
3434
18208
3412
7808
3434
4498
3434
1316
3434
3434
3434
3434
3434
3434
3434
3434
3434
3434
3434
3434
3434
3434
3434
3434
3434
3434
2150
3434
2150
2150
2150
2150
2150
2150
2150
2160
2150
2150
2150
2160
2150
360
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__WizardOfWor-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__WizardOfWor-v5_raw.jsonl
2.893299999999976
5.787200000000111
2.9019999999999184
3.9154999999999784
0.9766000000000016
2.968699999999998
6.8721000000001675
2.933999999999982
2.9633000000000003
2.9849999999999897
2.986599999999997
-0.017999999999999947
3.9714999999999963
1.9907
4.9975000000000005
1.9990999999999999
1.992
1.9990999999999999
7.979500000000031
1.981500000000001
5.949900000000015
2.982999999999997
1.973600000000003
1.9798000000000022
0.9894000000000008
2.9726999999999744
2.9856999999999894
2.9889999999999883
2.9856999999999827
2.9851999999999825
2.984499999999983
2.984699999999981
2.9831999999999783
2.9843999999999826
2.9812999999999787
2.9785999999999726
2.981999999999982
2.986599999999983
2.9865999999999855
2.988099999999986
2.982699999999981
2.979899999999973
2.9786999999999764
1.9920000000000007
2.9820999999999827
1.9903000000000008
1.988800000000001
1.9935000000000003
1.9933000000000005
1.9918000000000005
1.9932000000000005
1.9915000000000005
1.9940000000000004
1.9930000000000005
1.9922000000000004
1.9932000000000005
1.9932000000000005
1.9945000000000004
-0.0016000000000000005
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__WizardOfWor-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__YarsRevenge-v5.lenl
4375
4568
2584
2136
2192
1048
1048
1048
1048
1048
1048
1368
1176
1048
1048
1112
1048
1048
1048
1048
1048
1048
1048
1048
1048
1112
1048
1048
1112
1048
1176
1112
1240
1112
1048
1112
1782
1712
1762
1176
1112
1432
1112
1620
1432
1368
2384
2549
1816
1304
2367
2624
1432
3398
2622
1624
1944
2456
2392
2328
2018
1944
1864
1948
2363
1752
1994
1560
1304
1560
1368
1496
2495
2167
1176
1304
1496
1432
1432
2177
1368
1176
1624
2357
3237
1560
1496
1560
2260
2097
1240
1624
2072
2925
1880
2264
1496
1496
1624
2303
1304
3066
1304
2068
1176
1688
1816
1560
2739
1432
2724
1944
1816
1624
2815
1624
1496
1816
1752
2264
1432
2290
2421
2008
1176
235
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__YarsRevenge-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__YarsRevenge-v5_raw.jsonl
13.861200000000158
20.870600000000103
6.941199999999972
22.950300000000034
80.96919999999997
27.0
29.0
26.0
26.0
25.9998
29.0
32.99859999999997
33.9996
25.998500000000003
25.998300000000004
22.9998
25.9998
25.9996
29.0
29.0
29.0
28.9998
28.999000000000002
28.998600000000003
28.998600000000003
28.998400000000004
25.998600000000003
26.998900000000003
27.998100000000004
25.997300000000006
33.998000000000005
31.998800000000003
37.9986
31.998600000000003
25.998000000000005
31.998200000000004
75.9927
70.99430000000001
79.9959
29.998600000000003
29.997800000000005
38.997599999999956
29.99640000000001
59.99330000000002
33.99539999999996
32.9956
114.99139999999989
109.98669999999963
42.98609999999972
40.99209999999983
104.9888999999997
114.97879999999964
29.985700000000033
106.97179999999922
112.98129999999966
36.98129999999984
31.974900000000055
33.96509999999946
31.97150000000006
31.971500000000063
106.98799999999996
43.97219999999934
67.98259999999968
106.98959999999985
92.98329999999955
36.98159999999993
50.985500000000016
29.984600000000036
24.985700000000033
34.97949999999991
27.985800000000033
33.97919999999999
93.98409999999959
114.99079999999977
29.99100000000002
37.98859999999991
45.98529999999964
31.98750000000003
33.9891
118.99609999999994
35.98809999999993
36.99439999999994
51.98349999999961
111.98439999999958
127.9791999999994
41.98719999999975
43.98809999999975
37.985699999999824
86.98349999999976
97.98849999999972
27.989300000000025
35.98349999999977
40.981999999999616
92.9755999999993
31.981500000000043
39.97259999999952
30.98700000000003
32.97999999999994
32.980299999999964
75.9768999999995
32.984700000000004
85.96839999999939
25.984800000000035
58.978899999999925
28.98760000000003
50.981499999999656
31.981300000000044
36.98189999999981
99.97659999999931
30.983800000000038
87.9767999999995
37.98069999999964
38.98099999999965
35.98459999999988
85.97119999999923
37.98319999999964
33.986099999999915
33.97949999999979
30.97430000000005
32.96709999999993
26.983000000000033
46.971299999999914
79.97299999999944
33.978699999999854
26.993200000000016
10.998600000000003
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__YarsRevenge-v5_raw.jsonl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Zaxxon-v5.lenl
3539
3540
3540
5720
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
3540
758
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Zaxxon-v5.lenl
+ named_cat: BEGIN ./runs/20250920_223642_4921/episodes_tmp/ALE__Zaxxon-v5_raw.jsonl
-0.1092000000000021
-0.10610000000000201
-0.08650000000000145
2.877699999999982
-0.08360000000000137
-0.06950000000000096
-0.04220000000000018
-0.03209999999999989
-0.031799999999999884
-0.038500000000000076
-0.04390000000000023
-0.029399999999999878
-0.026999999999999892
-0.02079999999999993
-0.019699999999999936
-0.027799999999999887
-0.03189999999999989
-0.029999999999999874
-0.028199999999999885
-0.03049999999999987
-0.028499999999999883
-0.02909999999999988
-0.02729999999999989
-0.02919999999999988
-0.02759999999999989
-0.022999999999999916
-0.023599999999999913
-0.023499999999999913
-0.019899999999999935
-0.02089999999999993
-0.026899999999999893
-0.03259999999999991
-0.028599999999999882
-0.028099999999999885
-0.0258999999999999
-0.026199999999999897
-0.0258999999999999
-0.028399999999999884
-0.023399999999999914
-0.027899999999999887
-0.02709999999999989
-0.027799999999999887
-0.02429999999999991
-0.01589999999999996
-0.016199999999999957
-0.022899999999999917
-0.020099999999999934
-0.01909999999999994
-0.017899999999999947
-0.017899999999999947
-0.016499999999999956
-0.014499999999999968
-0.01569999999999996
-0.014999999999999965
-0.015099999999999964
-0.017799999999999948
-0.01769999999999995
-0.019499999999999938
-0.01589999999999996
-0.01759999999999995
-0.0048
+ named_cat: END ./runs/20250920_223642_4921/episodes_tmp/ALE__Zaxxon-v5_raw.jsonl
+ named_cat: done
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment