Training with RLlib PPO
RLlib is a high-performance, distributed reinforcement learning library. It is preferable to other RL libraries (e.g. Stable Baselines
for
bsk_rl
environments because it steps environments copies asynchronously; because of the variable step lengths, variable episode step counts, and long episode reset times, stepping each environment independently can increase step throughput by 2-5 times.
Warning: RLlib had a bug that results in an undesirable timeout which stops training. It has since been resolved: https://github.com/ray-project/ray/pull/45147
RLlib is actively developed and can change significantly from version to version. For this script, the following version is used:
[1]:
from importlib.metadata import version
version("ray") # Parent package of RLlib
[1]:
'2.35.0'
Define the Environment
A nadir-scanning environment is created, to the one used in this paper. The satellite has to collect data while managing the data buffer level and battery level.
First, the satellite class is defined. A custom dynamics model is created that defines a few additional properties to use in the state.
[2]:
import numpy as np
from bsk_rl import act, data, obs, sats, scene
from bsk_rl.sim import dyn, fsw
class ScanningDownlinkDynModel(dyn.ContinuousImagingDynModel, dyn.GroundStationDynModel):
# Define some custom properties to be accessed in the state
@property
def instrument_pointing_error(self) -> float:
r_BN_P_unit = self.r_BN_P/np.linalg.norm(self.r_BN_P)
c_hat_P = self.satellite.fsw.c_hat_P
return np.arccos(np.dot(-r_BN_P_unit, c_hat_P))
@property
def solar_pointing_error(self) -> float:
a = self.world.gravFactory.spiceObject.planetStateOutMsgs[
self.world.sun_index
].read().PositionVector
a_hat_N = a / np.linalg.norm(a)
nHat_B = self.satellite.sat_args["nHat_B"]
NB = np.transpose(self.BN)
nHat_N = NB @ nHat_B
return np.arccos(np.dot(nHat_N, a_hat_N))
class ScanningSatellite(sats.AccessSatellite):
observation_spec = [
obs.SatProperties(
dict(prop="storage_level_fraction"),
dict(prop="battery_charge_fraction"),
dict(prop="wheel_speeds_fraction"),
dict(prop="instrument_pointing_error", norm=np.pi),
dict(prop="solar_pointing_error", norm=np.pi)
),
obs.OpportunityProperties(
dict(prop="opportunity_open", norm=5700),
dict(prop="opportunity_close", norm=5700),
type="ground_station",
n_ahead_observe=1,
),
obs.Eclipse(norm=5700),
obs.Time(),
]
action_spec = [
act.Scan(duration=180.0),
act.Charge(duration=120.0),
act.Downlink(duration=60.0),
act.Desat(duration=60.0),
]
dyn_type = ScanningDownlinkDynModel
fsw_type = fsw.ContinuousImagingFSWModel
Next, parameters are set. Since this scenario is focused on maintaining acceptable data and power levels, these are tuned to create a sufficiently interesting mission.
[3]:
sat = ScanningSatellite(
"Scanner-1",
sat_args=dict(
# Data
dataStorageCapacity=5000 * 8e6, # bits
storageInit=lambda: np.random.uniform(0.0, 0.8) * 5000 * 8e6,
instrumentBaudRate=0.5 * 8e6,
transmitterBaudRate=-50 * 8e6,
# Power
batteryStorageCapacity=200 * 3600, # W*s
storedCharge_Init=lambda: np.random.uniform(0.3, 1.0) * 200 * 3600,
basePowerDraw=-10.0, # W
instrumentPowerDraw=-30.0, # W
transmitterPowerDraw=-25.0, # W
thrusterPowerDraw=-80.0, # W
panelArea=0.25,
# Attitude
imageAttErrorRequirement=0.1,
imageRateErrorRequirement=0.1,
disturbance_vector=lambda: np.random.normal(scale=0.0001, size=3), # N*m
maxWheelSpeed=6000.0, # RPM
wheelSpeeds=lambda: np.random.uniform(-3000, 3000, 3),
desatAttitude="nadir",
)
)
Finally, the environment arguments are set. Stepping through this environment is demonstrated at the bottom of the page.
[4]:
duration = 5 * 5700.0 # About 5 orbits
env_args = dict(
satellite=sat,
scenario=scene.UniformNadirScanning(value_per_second=1/duration),
rewarder=data.ScanningTimeReward(),
time_limit=duration,
failure_penalty=-1.0,
terminate_on_time_limit=True,
)
Set Up Custom Logging
The bsk_rl
package supplies a utility to make logging information at the end of episodes easier. This is useful to see how an agent’s policy is changing over time, using a monitoring program such as TensorBoard. The callback is configured by writing a function that takes the environment as an input and returns a dictionary with values to be logged.
[5]:
def episode_data_callback(env):
reward = env.rewarder.cum_reward
reward = sum(reward.values()) / len(reward)
orbits = env.simulator.sim_time / (95 * 60)
data = dict(
reward=reward,
# Are satellites dying, and how and when?
alive=float(env.satellite.is_alive()),
rw_status_valid=float(env.satellite.dynamics.rw_speeds_valid()),
battery_status_valid=float(env.satellite.dynamics.battery_valid()),
orbits_complete=orbits,
)
if orbits > 0:
data["reward_per_orbit"] = reward / orbits
if not env.satellite.is_alive():
data["orbits_complete_partial_only"] = orbits
return data
Configure Ray and PPO
PPO (or some other algorithm) can be configured. Of particular importance are setting sample_timeout_s
and metrics_episode_collection_timeout_s
to appropriately high values for this environment. The episode_data_callback
is included in the environment arguments, and the WrappedEpisodeDataCallbacks
must be included in training to trigger logging.
[6]:
import bsk_rl.utils.rllib # noqa To access "SatelliteTasking-RLlib"
from ray.rllib.algorithms.ppo import PPOConfig
from bsk_rl.utils.rllib.callbacks import WrappedEpisodeDataCallbacks
N_CPUS = 3
training_args = dict(
lr=0.00003,
gamma=0.999,
train_batch_size=250, # usually a larger number, like 2500
num_sgd_iter=10,
model=dict(fcnet_hiddens=[512, 512], vf_share_layers=False),
lambda_=0.95,
use_kl_loss=False,
clip_param=0.1,
grad_clip=0.5,
)
config = (
PPOConfig()
.training(**training_args)
.env_runners(num_env_runners=N_CPUS-1, sample_timeout_s=1000.0)
.environment(
env="SatelliteTasking-RLlib",
env_config=dict(**env_args, episode_data_callback=episode_data_callback),
)
.reporting(
metrics_num_episodes_for_smoothing=1,
metrics_episode_collection_timeout_s=180,
)
.checkpointing(export_native_model_files=True)
.framework(framework="torch")
.api_stack(
enable_rl_module_and_learner=True,
enable_env_runner_and_connector_v2=True,
)
.callbacks(WrappedEpisodeDataCallbacks)
)
Once the PPO configuration has been set, ray
can be started and the agent can be trained.
Training on a reasonably modern machine, we can achieve 5M steps over 32 processors in 6 to 18 hours, depending on specific environment configurations.
Note that the custom logging metrics are reported under env_runners.
[7]:
import ray
from ray import tune
ray.init(
ignore_reinit_error=True,
num_cpus=N_CPUS,
object_store_memory=2_000_000_000, # 2 GB
)
# Run the training
tune.run(
"PPO",
config=config.to_dict(),
stop={"training_iteration": 10}, # Adjust the number of iterations as needed
checkpoint_freq=10,
checkpoint_at_end=True
)
# Shutdown Ray
ray.shutdown()
2025-06-20 19:56:41,628 INFO worker.py:1783 -- Started a local Ray instance.
2025-06-20 19:56:42,435 INFO tune.py:616 -- [output] This uses the legacy output and progress reporter, as Jupyter notebooks are not supported by the new engine, yet. For more information, please see https://github.com/ray-project/ray/issues/36949
/opt/hostedtoolcache/Python/3.11.12/x64/lib/python3.11/site-packages/gymnasium/spaces/box.py:130: UserWarning: WARN: Box bound precision lowered by casting to float32
gym.logger.warn(f"Box bound precision lowered by casting to {self.dtype}")
/opt/hostedtoolcache/Python/3.11.12/x64/lib/python3.11/site-packages/gymnasium/utils/passive_env_checker.py:164: UserWarning: WARN: The obs returned by the `reset()` method was expecting numpy array dtype to be float32, actual type: float64
logger.warn(
/opt/hostedtoolcache/Python/3.11.12/x64/lib/python3.11/site-packages/gymnasium/utils/passive_env_checker.py:188: UserWarning: WARN: The obs returned by the `reset()` method is not within the observation space.
logger.warn(f"{pre} is not within the observation space.")
Tune Status
Current time: | 2025-06-20 19:57:20 |
Running for: | 00:00:37.87 |
Memory: | 4.2/15.6 GiB |
System Info
Using FIFO scheduling algorithm.Logical resource usage: 3.0/3 CPUs, 0/0 GPUs
Trial Status
Trial name | status | loc | iter | total time (s) | num_env_steps_sample d_lifetime | num_episodes_lifetim e | num_env_steps_traine d_lifetime |
---|---|---|---|---|---|---|---|
PPO_SatelliteTasking-RLlib_afd03_00000 | TERMINATED | 10.1.0.87:5043 | 10 | 27.2283 | 2500 | 12 | 2500 |
(PPO pid=5043) Install gputil for GPU system monitoring.
(SingleAgentEnvRunner pid=5091) 2025-06-20 19:56:55,296 sats.satellite.Scanner-1 WARNING <13680.00> Scanner-1: failed battery_valid check
Trial Progress
Trial name | env_runners | fault_tolerance | learners | num_agent_steps_sampled_lifetime | num_env_steps_sampled_lifetime | num_env_steps_trained_lifetime | num_episodes_lifetime | perf | timers |
---|---|---|---|---|---|---|---|---|---|
PPO_SatelliteTasking-RLlib_afd03_00000 | {'orbits_complete': np.float64(5.0), 'alive': np.float64(1.0), 'episode_len_mean': 234.0, 'rw_status_valid': np.float64(1.0), 'num_episodes': 2, 'module_episode_returns_mean': {'default_policy': 0.42505263157894746}, 'battery_status_valid': np.float64(1.0), 'num_module_steps_sampled': {'default_policy': 250}, 'episode_return_mean': 0.42505263157894746, 'num_agent_steps_sampled_lifetime': {'default_agent': 13750}, 'num_env_steps_sampled_lifetime': 25000, 'num_module_steps_sampled_lifetime': {'default_policy': 13750}, 'num_agent_steps_sampled': {'default_agent': 250}, 'reward': np.float64(0.42505263157894746), 'episode_len_max': 235, 'episode_duration_sec_mean': 4.793063404500003, 'num_env_steps_sampled': 250, 'sample': np.float64(2.5608393811596617), 'agent_episode_returns_mean': {'default_agent': 0.42505263157894746}, 'orbits_complete_partial_only': nan, 'episode_return_min': 0.4063508771929826, 'reward_per_orbit': np.float64(0.08501052631578947), 'episode_len_min': 233, 'episode_return_max': 0.44375438596491235, 'time_between_sampling': np.float64(0.2977353916303863)} | {'num_healthy_workers': 2, 'num_in_flight_async_reqs': 0, 'num_remote_worker_restarts': 0} | {'default_policy': {'total_loss': 0.13235510885715485, 'num_non_trainable_parameters': 0.0, 'curr_entropy_coeff': 0.0, 'gradients_default_optimizer_global_norm': 0.35969460010528564, 'policy_loss': 0.12967368960380554, 'vf_explained_var': 0.6754056215286255, 'vf_loss': 0.0026813976000994444, 'num_trainable_parameters': 139525.0, 'mean_kl_loss': 0.0, 'num_module_steps_trained': 250, 'entropy': 1.2958364486694336, 'vf_loss_unclipped': 0.0026813976000994444, 'default_optimizer_learning_rate': 3e-05}, '__all_modules__': {'num_module_steps_trained': 250, 'total_loss': 0.13235510885715485, 'num_non_trainable_parameters': 0.0, 'num_env_steps_trained': 250, 'num_trainable_parameters': 139525.0}} | {'default_agent': 2500} | 2500 | 2500 | 12 | {'cpu_util_percent': np.float64(47.5), 'ram_util_percent': np.float64(27.080000000000002)} | {'env_runner_sampling_timer': 2.6951803315878853, 'learner_update_timer': 0.11864847003624801, 'synch_weights': 0.005802620583376656, 'synch_env_connectors': 0.0059707764955128605} |
(SingleAgentEnvRunner pid=5091) 2025-06-20 19:56:59,473 sats.satellite.Scanner-1 WARNING <22920.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5091) 2025-06-20 19:57:02,051 sats.satellite.Scanner-1 WARNING <13080.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5091) 2025-06-20 19:57:08,690 sats.satellite.Scanner-1 WARNING <6840.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5091) 2025-06-20 19:57:12,247 sats.satellite.Scanner-1 WARNING <18060.00> Scanner-1: failed battery_valid check
(PPO pid=5043) Checkpoint successfully created at: Checkpoint(filesystem=local, path=/home/runner/ray_results/PPO_2025-06-20_19-56-42/PPO_SatelliteTasking-RLlib_afd03_00000_0_2025-06-20_19-56-42/checkpoint_000000)
(SingleAgentEnvRunner pid=5090) 2025-06-20 19:57:12,425 sats.satellite.Scanner-1 WARNING <15360.00> Scanner-1: failed battery_valid check
2025-06-20 19:57:20,338 INFO tune.py:1009 -- Wrote the latest version of all result files and experiment state to '/home/runner/ray_results/PPO_2025-06-20_19-56-42' in 0.0228s.
2025-06-20 19:57:20,881 INFO tune.py:1041 -- Total run time: 38.45 seconds (37.84 seconds for the tuning loop).
Loading the Policy Network
The policy network can be found in the p0
subdirectory of the checkpoint output, if using the torch backend, and the model
subdirectory of the checkpoint output. Use bsk_rl.utils.rllib.load_torch_mlp_policy
to load torch policies.
Stepping Through the Environment
The environment is stepped through with random actions to give a sense of how it acts.
[8]:
from bsk_rl import SatelliteTasking
env = SatelliteTasking(**env_args, log_level="INFO")
env.reset()
terminated = False
while not terminated:
action = env.action_space.sample()
observation, reward, terminated, truncated, info = env.step(action)
2025-06-20 19:57:22,134 gym INFO Resetting environment with seed=1270636984
2025-06-20 19:57:22,215 sats.satellite.Scanner-1 INFO <0.00> Scanner-1: Finding opportunity windows from 0.00 to 28500.00 seconds
2025-06-20 19:57:22,303 gym INFO <0.00> Environment reset
2025-06-20 19:57:22,304 gym INFO <0.00> === STARTING STEP ===
2025-06-20 19:57:22,305 sats.satellite.Scanner-1 INFO <0.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:22,305 sats.satellite.Scanner-1 INFO <0.00> Scanner-1: setting timed terminal event at 60.0
2025-06-20 19:57:22,313 sats.satellite.Scanner-1 INFO <60.00> Scanner-1: timed termination at 60.0 for action_downlink
2025-06-20 19:57:22,314 data.base INFO <60.00> Total reward: {}
2025-06-20 19:57:22,314 comm.communication INFO <60.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,315 sats.satellite.Scanner-1 INFO <60.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,317 gym INFO <60.00> Step reward: 0.0
2025-06-20 19:57:22,318 gym INFO <60.00> === STARTING STEP ===
2025-06-20 19:57:22,318 sats.satellite.Scanner-1 INFO <60.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:22,318 sats.satellite.Scanner-1 INFO <60.00> Scanner-1: setting timed terminal event at 180.0
2025-06-20 19:57:22,332 sats.satellite.Scanner-1 INFO <180.00> Scanner-1: timed termination at 180.0 for action_charge
2025-06-20 19:57:22,333 data.base INFO <180.00> Total reward: {}
2025-06-20 19:57:22,333 comm.communication INFO <180.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,334 sats.satellite.Scanner-1 INFO <180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,335 gym INFO <180.00> Step reward: 0.0
2025-06-20 19:57:22,336 gym INFO <180.00> === STARTING STEP ===
2025-06-20 19:57:22,337 sats.satellite.Scanner-1 INFO <180.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:22,337 sats.satellite.Scanner-1 INFO <180.00> Scanner-1: setting timed terminal event at 360.0
2025-06-20 19:57:22,360 sats.satellite.Scanner-1 INFO <360.00> Scanner-1: timed termination at 360.0 for action_nadir_scan
2025-06-20 19:57:22,361 data.base INFO <360.00> Total reward: {'Scanner-1': 0.00287719298245614}
2025-06-20 19:57:22,361 comm.communication INFO <360.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,362 sats.satellite.Scanner-1 INFO <360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,364 gym INFO <360.00> Step reward: 0.00287719298245614
2025-06-20 19:57:22,365 gym INFO <360.00> === STARTING STEP ===
2025-06-20 19:57:22,365 sats.satellite.Scanner-1 INFO <360.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:22,366 sats.satellite.Scanner-1 INFO <360.00> Scanner-1: setting timed terminal event at 480.0
2025-06-20 19:57:22,382 sats.satellite.Scanner-1 INFO <480.00> Scanner-1: timed termination at 480.0 for action_charge
2025-06-20 19:57:22,382 data.base INFO <480.00> Total reward: {}
2025-06-20 19:57:22,383 comm.communication INFO <480.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,383 sats.satellite.Scanner-1 INFO <480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,385 gym INFO <480.00> Step reward: 0.0
2025-06-20 19:57:22,386 gym INFO <480.00> === STARTING STEP ===
2025-06-20 19:57:22,386 sats.satellite.Scanner-1 INFO <480.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:22,387 sats.satellite.Scanner-1 INFO <480.00> Scanner-1: setting timed terminal event at 540.0
2025-06-20 19:57:22,397 sats.satellite.Scanner-1 INFO <540.00> Scanner-1: timed termination at 540.0 for action_desat
2025-06-20 19:57:22,397 data.base INFO <540.00> Total reward: {}
2025-06-20 19:57:22,398 comm.communication INFO <540.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,399 sats.satellite.Scanner-1 INFO <540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,401 gym INFO <540.00> Step reward: 0.0
2025-06-20 19:57:22,401 gym INFO <540.00> === STARTING STEP ===
2025-06-20 19:57:22,402 sats.satellite.Scanner-1 INFO <540.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:22,402 sats.satellite.Scanner-1 INFO <540.00> Scanner-1: setting timed terminal event at 600.0
2025-06-20 19:57:22,412 sats.satellite.Scanner-1 INFO <600.00> Scanner-1: timed termination at 600.0 for action_desat
2025-06-20 19:57:22,412 data.base INFO <600.00> Total reward: {}
2025-06-20 19:57:22,413 comm.communication INFO <600.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,414 sats.satellite.Scanner-1 INFO <600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,415 gym INFO <600.00> Step reward: 0.0
2025-06-20 19:57:22,416 gym INFO <600.00> === STARTING STEP ===
2025-06-20 19:57:22,416 sats.satellite.Scanner-1 INFO <600.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:22,417 sats.satellite.Scanner-1 INFO <600.00> Scanner-1: setting timed terminal event at 720.0
2025-06-20 19:57:22,434 sats.satellite.Scanner-1 INFO <720.00> Scanner-1: timed termination at 720.0 for action_charge
2025-06-20 19:57:22,434 data.base INFO <720.00> Total reward: {}
2025-06-20 19:57:22,435 comm.communication INFO <720.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,435 sats.satellite.Scanner-1 INFO <720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,437 gym INFO <720.00> Step reward: 0.0
2025-06-20 19:57:22,438 gym INFO <720.00> === STARTING STEP ===
2025-06-20 19:57:22,438 sats.satellite.Scanner-1 INFO <720.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:22,439 sats.satellite.Scanner-1 INFO <720.00> Scanner-1: setting timed terminal event at 780.0
2025-06-20 19:57:22,447 sats.satellite.Scanner-1 INFO <780.00> Scanner-1: timed termination at 780.0 for action_desat
2025-06-20 19:57:22,448 data.base INFO <780.00> Total reward: {}
2025-06-20 19:57:22,448 comm.communication INFO <780.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,449 sats.satellite.Scanner-1 INFO <780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,450 gym INFO <780.00> Step reward: 0.0
2025-06-20 19:57:22,451 gym INFO <780.00> === STARTING STEP ===
2025-06-20 19:57:22,452 sats.satellite.Scanner-1 INFO <780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:22,452 sats.satellite.Scanner-1 INFO <780.00> Scanner-1: setting timed terminal event at 900.0
2025-06-20 19:57:22,466 sats.satellite.Scanner-1 INFO <900.00> Scanner-1: timed termination at 900.0 for action_charge
2025-06-20 19:57:22,466 data.base INFO <900.00> Total reward: {}
2025-06-20 19:57:22,467 comm.communication INFO <900.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,467 sats.satellite.Scanner-1 INFO <900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,469 gym INFO <900.00> Step reward: 0.0
2025-06-20 19:57:22,470 gym INFO <900.00> === STARTING STEP ===
2025-06-20 19:57:22,470 sats.satellite.Scanner-1 INFO <900.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:22,471 sats.satellite.Scanner-1 INFO <900.00> Scanner-1: setting timed terminal event at 1080.0
2025-06-20 19:57:22,491 sats.satellite.Scanner-1 INFO <1080.00> Scanner-1: timed termination at 1080.0 for action_nadir_scan
2025-06-20 19:57:22,492 data.base INFO <1080.00> Total reward: {'Scanner-1': 0.00343859649122807}
2025-06-20 19:57:22,492 comm.communication INFO <1080.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,493 sats.satellite.Scanner-1 INFO <1080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,495 gym INFO <1080.00> Step reward: 0.00343859649122807
2025-06-20 19:57:22,496 gym INFO <1080.00> === STARTING STEP ===
2025-06-20 19:57:22,496 sats.satellite.Scanner-1 INFO <1080.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:22,497 sats.satellite.Scanner-1 INFO <1080.00> Scanner-1: setting timed terminal event at 1200.0
2025-06-20 19:57:22,510 sats.satellite.Scanner-1 INFO <1200.00> Scanner-1: timed termination at 1200.0 for action_charge
2025-06-20 19:57:22,511 data.base INFO <1200.00> Total reward: {}
2025-06-20 19:57:22,512 comm.communication INFO <1200.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,512 sats.satellite.Scanner-1 INFO <1200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,514 gym INFO <1200.00> Step reward: 0.0
2025-06-20 19:57:22,515 gym INFO <1200.00> === STARTING STEP ===
2025-06-20 19:57:22,515 sats.satellite.Scanner-1 INFO <1200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:22,516 sats.satellite.Scanner-1 INFO <1200.00> Scanner-1: setting timed terminal event at 1380.0
2025-06-20 19:57:22,536 sats.satellite.Scanner-1 INFO <1380.00> Scanner-1: timed termination at 1380.0 for action_nadir_scan
2025-06-20 19:57:22,537 data.base INFO <1380.00> Total reward: {'Scanner-1': 0.0034736842105263155}
2025-06-20 19:57:22,537 comm.communication INFO <1380.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,538 sats.satellite.Scanner-1 INFO <1380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,540 gym INFO <1380.00> Step reward: 0.0034736842105263155
2025-06-20 19:57:22,541 gym INFO <1380.00> === STARTING STEP ===
2025-06-20 19:57:22,542 sats.satellite.Scanner-1 INFO <1380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:22,542 sats.satellite.Scanner-1 INFO <1380.00> Scanner-1: setting timed terminal event at 1440.0
2025-06-20 19:57:22,550 sats.satellite.Scanner-1 INFO <1440.00> Scanner-1: timed termination at 1440.0 for action_desat
2025-06-20 19:57:22,551 data.base INFO <1440.00> Total reward: {}
2025-06-20 19:57:22,551 comm.communication INFO <1440.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,552 sats.satellite.Scanner-1 INFO <1440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,554 gym INFO <1440.00> Step reward: 0.0
2025-06-20 19:57:22,555 gym INFO <1440.00> === STARTING STEP ===
2025-06-20 19:57:22,555 sats.satellite.Scanner-1 INFO <1440.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:22,556 sats.satellite.Scanner-1 INFO <1440.00> Scanner-1: setting timed terminal event at 1500.0
2025-06-20 19:57:22,563 sats.satellite.Scanner-1 INFO <1500.00> Scanner-1: timed termination at 1500.0 for action_downlink
2025-06-20 19:57:22,564 data.base INFO <1500.00> Total reward: {}
2025-06-20 19:57:22,565 comm.communication INFO <1500.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,565 sats.satellite.Scanner-1 INFO <1500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,567 gym INFO <1500.00> Step reward: 0.0
2025-06-20 19:57:22,568 gym INFO <1500.00> === STARTING STEP ===
2025-06-20 19:57:22,568 sats.satellite.Scanner-1 INFO <1500.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:22,569 sats.satellite.Scanner-1 INFO <1500.00> Scanner-1: setting timed terminal event at 1680.0
2025-06-20 19:57:22,588 sats.satellite.Scanner-1 INFO <1680.00> Scanner-1: timed termination at 1680.0 for action_nadir_scan
2025-06-20 19:57:22,589 data.base INFO <1680.00> Total reward: {'Scanner-1': 0.004245614035087719}
2025-06-20 19:57:22,590 comm.communication INFO <1680.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,590 sats.satellite.Scanner-1 INFO <1680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,592 gym INFO <1680.00> Step reward: 0.004245614035087719
2025-06-20 19:57:22,593 gym INFO <1680.00> === STARTING STEP ===
2025-06-20 19:57:22,593 sats.satellite.Scanner-1 INFO <1680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:22,594 sats.satellite.Scanner-1 INFO <1680.00> Scanner-1: setting timed terminal event at 1800.0
2025-06-20 19:57:22,608 sats.satellite.Scanner-1 INFO <1800.00> Scanner-1: timed termination at 1800.0 for action_charge
2025-06-20 19:57:22,608 data.base INFO <1800.00> Total reward: {}
2025-06-20 19:57:22,609 comm.communication INFO <1800.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,610 sats.satellite.Scanner-1 INFO <1800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,612 gym INFO <1800.00> Step reward: 0.0
2025-06-20 19:57:22,612 gym INFO <1800.00> === STARTING STEP ===
2025-06-20 19:57:22,613 sats.satellite.Scanner-1 INFO <1800.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:22,613 sats.satellite.Scanner-1 INFO <1800.00> Scanner-1: setting timed terminal event at 1980.0
2025-06-20 19:57:22,634 sats.satellite.Scanner-1 INFO <1980.00> Scanner-1: timed termination at 1980.0 for action_nadir_scan
2025-06-20 19:57:22,635 data.base INFO <1980.00> Total reward: {'Scanner-1': 0.003614035087719298}
2025-06-20 19:57:22,635 comm.communication INFO <1980.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,635 sats.satellite.Scanner-1 INFO <1980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,637 gym INFO <1980.00> Step reward: 0.003614035087719298
2025-06-20 19:57:22,638 gym INFO <1980.00> === STARTING STEP ===
2025-06-20 19:57:22,639 sats.satellite.Scanner-1 INFO <1980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:22,639 sats.satellite.Scanner-1 INFO <1980.00> Scanner-1: setting timed terminal event at 2160.0
2025-06-20 19:57:22,663 sats.satellite.Scanner-1 INFO <2160.00> Scanner-1: timed termination at 2160.0 for action_nadir_scan
2025-06-20 19:57:22,663 data.base INFO <2160.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:22,664 comm.communication INFO <2160.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,664 sats.satellite.Scanner-1 INFO <2160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,667 gym INFO <2160.00> Step reward: 0.00631578947368421
2025-06-20 19:57:22,667 gym INFO <2160.00> === STARTING STEP ===
2025-06-20 19:57:22,668 sats.satellite.Scanner-1 INFO <2160.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:22,668 sats.satellite.Scanner-1 INFO <2160.00> Scanner-1: setting timed terminal event at 2220.0
2025-06-20 19:57:22,678 sats.satellite.Scanner-1 INFO <2220.00> Scanner-1: timed termination at 2220.0 for action_desat
2025-06-20 19:57:22,678 data.base INFO <2220.00> Total reward: {}
2025-06-20 19:57:22,679 comm.communication INFO <2220.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,679 sats.satellite.Scanner-1 INFO <2220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,681 gym INFO <2220.00> Step reward: 0.0
2025-06-20 19:57:22,682 gym INFO <2220.00> === STARTING STEP ===
2025-06-20 19:57:22,683 sats.satellite.Scanner-1 INFO <2220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:22,683 sats.satellite.Scanner-1 INFO <2220.00> Scanner-1: setting timed terminal event at 2280.0
2025-06-20 19:57:22,692 sats.satellite.Scanner-1 INFO <2280.00> Scanner-1: timed termination at 2280.0 for action_desat
2025-06-20 19:57:22,693 data.base INFO <2280.00> Total reward: {}
2025-06-20 19:57:22,693 comm.communication INFO <2280.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,694 sats.satellite.Scanner-1 INFO <2280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,696 gym INFO <2280.00> Step reward: 0.0
2025-06-20 19:57:22,697 gym INFO <2280.00> === STARTING STEP ===
2025-06-20 19:57:22,697 sats.satellite.Scanner-1 INFO <2280.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:22,698 sats.satellite.Scanner-1 INFO <2280.00> Scanner-1: setting timed terminal event at 2340.0
2025-06-20 19:57:22,707 sats.satellite.Scanner-1 INFO <2340.00> Scanner-1: timed termination at 2340.0 for action_desat
2025-06-20 19:57:22,707 data.base INFO <2340.00> Total reward: {}
2025-06-20 19:57:22,708 comm.communication INFO <2340.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,708 sats.satellite.Scanner-1 INFO <2340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,710 gym INFO <2340.00> Step reward: 0.0
2025-06-20 19:57:22,711 gym INFO <2340.00> === STARTING STEP ===
2025-06-20 19:57:22,712 sats.satellite.Scanner-1 INFO <2340.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:22,712 sats.satellite.Scanner-1 INFO <2340.00> Scanner-1: setting timed terminal event at 2400.0
2025-06-20 19:57:22,721 sats.satellite.Scanner-1 INFO <2400.00> Scanner-1: timed termination at 2400.0 for action_desat
2025-06-20 19:57:22,722 data.base INFO <2400.00> Total reward: {}
2025-06-20 19:57:22,723 comm.communication INFO <2400.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,723 sats.satellite.Scanner-1 INFO <2400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,725 gym INFO <2400.00> Step reward: 0.0
2025-06-20 19:57:22,726 gym INFO <2400.00> === STARTING STEP ===
2025-06-20 19:57:22,727 sats.satellite.Scanner-1 INFO <2400.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:22,727 sats.satellite.Scanner-1 INFO <2400.00> Scanner-1: setting timed terminal event at 2580.0
2025-06-20 19:57:22,747 sats.satellite.Scanner-1 INFO <2580.00> Scanner-1: timed termination at 2580.0 for action_nadir_scan
2025-06-20 19:57:22,748 data.base INFO <2580.00> Total reward: {'Scanner-1': 0.004842105263157894}
2025-06-20 19:57:22,748 comm.communication INFO <2580.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,749 sats.satellite.Scanner-1 INFO <2580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,751 gym INFO <2580.00> Step reward: 0.004842105263157894
2025-06-20 19:57:22,751 gym INFO <2580.00> === STARTING STEP ===
2025-06-20 19:57:22,752 sats.satellite.Scanner-1 INFO <2580.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:22,752 sats.satellite.Scanner-1 INFO <2580.00> Scanner-1: setting timed terminal event at 2640.0
2025-06-20 19:57:22,760 sats.satellite.Scanner-1 INFO <2640.00> Scanner-1: timed termination at 2640.0 for action_downlink
2025-06-20 19:57:22,761 data.base INFO <2640.00> Total reward: {}
2025-06-20 19:57:22,761 comm.communication INFO <2640.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,762 sats.satellite.Scanner-1 INFO <2640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,764 gym INFO <2640.00> Step reward: 0.0
2025-06-20 19:57:22,765 gym INFO <2640.00> === STARTING STEP ===
2025-06-20 19:57:22,765 sats.satellite.Scanner-1 INFO <2640.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:22,766 sats.satellite.Scanner-1 INFO <2640.00> Scanner-1: setting timed terminal event at 2700.0
2025-06-20 19:57:22,773 sats.satellite.Scanner-1 INFO <2700.00> Scanner-1: timed termination at 2700.0 for action_downlink
2025-06-20 19:57:22,774 data.base INFO <2700.00> Total reward: {}
2025-06-20 19:57:22,774 comm.communication INFO <2700.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,774 sats.satellite.Scanner-1 INFO <2700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,776 gym INFO <2700.00> Step reward: 0.0
2025-06-20 19:57:22,777 gym INFO <2700.00> === STARTING STEP ===
2025-06-20 19:57:22,778 sats.satellite.Scanner-1 INFO <2700.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:22,778 sats.satellite.Scanner-1 INFO <2700.00> Scanner-1: setting timed terminal event at 2760.0
2025-06-20 19:57:22,785 sats.satellite.Scanner-1 INFO <2760.00> Scanner-1: timed termination at 2760.0 for action_downlink
2025-06-20 19:57:22,786 data.base INFO <2760.00> Total reward: {}
2025-06-20 19:57:22,787 comm.communication INFO <2760.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,787 sats.satellite.Scanner-1 INFO <2760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,789 gym INFO <2760.00> Step reward: 0.0
2025-06-20 19:57:22,790 gym INFO <2760.00> === STARTING STEP ===
2025-06-20 19:57:22,790 sats.satellite.Scanner-1 INFO <2760.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:22,790 sats.satellite.Scanner-1 INFO <2760.00> Scanner-1: setting timed terminal event at 2940.0
2025-06-20 19:57:22,810 sats.satellite.Scanner-1 INFO <2940.00> Scanner-1: timed termination at 2940.0 for action_nadir_scan
2025-06-20 19:57:22,811 data.base INFO <2940.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-06-20 19:57:22,811 comm.communication INFO <2940.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,811 sats.satellite.Scanner-1 INFO <2940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,814 gym INFO <2940.00> Step reward: 0.00487719298245614
2025-06-20 19:57:22,814 gym INFO <2940.00> === STARTING STEP ===
2025-06-20 19:57:22,815 sats.satellite.Scanner-1 INFO <2940.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:22,816 sats.satellite.Scanner-1 INFO <2940.00> Scanner-1: setting timed terminal event at 3060.0
2025-06-20 19:57:22,829 sats.satellite.Scanner-1 INFO <3060.00> Scanner-1: timed termination at 3060.0 for action_charge
2025-06-20 19:57:22,829 data.base INFO <3060.00> Total reward: {}
2025-06-20 19:57:22,830 comm.communication INFO <3060.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,831 sats.satellite.Scanner-1 INFO <3060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,832 gym INFO <3060.00> Step reward: 0.0
2025-06-20 19:57:22,833 gym INFO <3060.00> === STARTING STEP ===
2025-06-20 19:57:22,834 sats.satellite.Scanner-1 INFO <3060.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:22,834 sats.satellite.Scanner-1 INFO <3060.00> Scanner-1: setting timed terminal event at 3240.0
2025-06-20 19:57:22,857 sats.satellite.Scanner-1 INFO <3240.00> Scanner-1: timed termination at 3240.0 for action_nadir_scan
2025-06-20 19:57:22,857 data.base INFO <3240.00> Total reward: {'Scanner-1': 0.004280701754385965}
2025-06-20 19:57:22,858 comm.communication INFO <3240.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,859 sats.satellite.Scanner-1 INFO <3240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,860 gym INFO <3240.00> Step reward: 0.004280701754385965
2025-06-20 19:57:22,861 gym INFO <3240.00> === STARTING STEP ===
2025-06-20 19:57:22,862 sats.satellite.Scanner-1 INFO <3240.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:22,862 sats.satellite.Scanner-1 INFO <3240.00> Scanner-1: setting timed terminal event at 3300.0
2025-06-20 19:57:22,870 sats.satellite.Scanner-1 INFO <3300.00> Scanner-1: timed termination at 3300.0 for action_downlink
2025-06-20 19:57:22,870 data.base INFO <3300.00> Total reward: {}
2025-06-20 19:57:22,871 comm.communication INFO <3300.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,871 sats.satellite.Scanner-1 INFO <3300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,873 gym INFO <3300.00> Step reward: 0.0
2025-06-20 19:57:22,874 gym INFO <3300.00> === STARTING STEP ===
2025-06-20 19:57:22,875 sats.satellite.Scanner-1 INFO <3300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:22,875 sats.satellite.Scanner-1 INFO <3300.00> Scanner-1: setting timed terminal event at 3480.0
2025-06-20 19:57:22,896 sats.satellite.Scanner-1 INFO <3480.00> Scanner-1: timed termination at 3480.0 for action_nadir_scan
2025-06-20 19:57:22,896 data.base INFO <3480.00> Total reward: {'Scanner-1': 0.004736842105263157}
2025-06-20 19:57:22,897 comm.communication INFO <3480.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,898 sats.satellite.Scanner-1 INFO <3480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,899 gym INFO <3480.00> Step reward: 0.004736842105263157
2025-06-20 19:57:22,900 gym INFO <3480.00> === STARTING STEP ===
2025-06-20 19:57:22,900 sats.satellite.Scanner-1 INFO <3480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:22,901 sats.satellite.Scanner-1 INFO <3480.00> Scanner-1: setting timed terminal event at 3660.0
2025-06-20 19:57:22,920 sats.satellite.Scanner-1 INFO <3660.00> Scanner-1: timed termination at 3660.0 for action_nadir_scan
2025-06-20 19:57:22,920 data.base INFO <3660.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:22,921 comm.communication INFO <3660.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,921 sats.satellite.Scanner-1 INFO <3660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,923 gym INFO <3660.00> Step reward: 0.00631578947368421
2025-06-20 19:57:22,924 gym INFO <3660.00> === STARTING STEP ===
2025-06-20 19:57:22,924 sats.satellite.Scanner-1 INFO <3660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:22,925 sats.satellite.Scanner-1 INFO <3660.00> Scanner-1: setting timed terminal event at 3720.0
2025-06-20 19:57:22,934 sats.satellite.Scanner-1 INFO <3720.00> Scanner-1: timed termination at 3720.0 for action_desat
2025-06-20 19:57:22,934 data.base INFO <3720.00> Total reward: {}
2025-06-20 19:57:22,935 comm.communication INFO <3720.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,935 sats.satellite.Scanner-1 INFO <3720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,937 gym INFO <3720.00> Step reward: 0.0
2025-06-20 19:57:22,938 gym INFO <3720.00> === STARTING STEP ===
2025-06-20 19:57:22,938 sats.satellite.Scanner-1 INFO <3720.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:22,938 sats.satellite.Scanner-1 INFO <3720.00> Scanner-1: setting timed terminal event at 3780.0
2025-06-20 19:57:22,947 sats.satellite.Scanner-1 INFO <3780.00> Scanner-1: timed termination at 3780.0 for action_desat
2025-06-20 19:57:22,947 data.base INFO <3780.00> Total reward: {}
2025-06-20 19:57:22,948 comm.communication INFO <3780.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,948 sats.satellite.Scanner-1 INFO <3780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,950 gym INFO <3780.00> Step reward: 0.0
2025-06-20 19:57:22,951 gym INFO <3780.00> === STARTING STEP ===
2025-06-20 19:57:22,951 sats.satellite.Scanner-1 INFO <3780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:22,952 sats.satellite.Scanner-1 INFO <3780.00> Scanner-1: setting timed terminal event at 3900.0
2025-06-20 19:57:22,965 sats.satellite.Scanner-1 INFO <3900.00> Scanner-1: timed termination at 3900.0 for action_charge
2025-06-20 19:57:22,966 data.base INFO <3900.00> Total reward: {}
2025-06-20 19:57:22,966 comm.communication INFO <3900.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,967 sats.satellite.Scanner-1 INFO <3900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,969 gym INFO <3900.00> Step reward: 0.0
2025-06-20 19:57:22,969 gym INFO <3900.00> === STARTING STEP ===
2025-06-20 19:57:22,970 sats.satellite.Scanner-1 INFO <3900.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:22,971 sats.satellite.Scanner-1 INFO <3900.00> Scanner-1: setting timed terminal event at 3960.0
2025-06-20 19:57:22,978 sats.satellite.Scanner-1 INFO <3960.00> Scanner-1: timed termination at 3960.0 for action_downlink
2025-06-20 19:57:22,979 data.base INFO <3960.00> Total reward: {}
2025-06-20 19:57:22,979 comm.communication INFO <3960.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,980 sats.satellite.Scanner-1 INFO <3960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,982 gym INFO <3960.00> Step reward: 0.0
2025-06-20 19:57:22,983 gym INFO <3960.00> === STARTING STEP ===
2025-06-20 19:57:22,983 sats.satellite.Scanner-1 INFO <3960.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:22,984 sats.satellite.Scanner-1 INFO <3960.00> Scanner-1: setting timed terminal event at 4020.0
2025-06-20 19:57:22,992 sats.satellite.Scanner-1 INFO <4020.00> Scanner-1: timed termination at 4020.0 for action_downlink
2025-06-20 19:57:22,993 data.base INFO <4020.00> Total reward: {}
2025-06-20 19:57:22,993 comm.communication INFO <4020.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:22,994 sats.satellite.Scanner-1 INFO <4020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:22,996 gym INFO <4020.00> Step reward: 0.0
2025-06-20 19:57:22,996 gym INFO <4020.00> === STARTING STEP ===
2025-06-20 19:57:22,997 sats.satellite.Scanner-1 INFO <4020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:22,997 sats.satellite.Scanner-1 INFO <4020.00> Scanner-1: setting timed terminal event at 4140.0
2025-06-20 19:57:23,013 sats.satellite.Scanner-1 INFO <4140.00> Scanner-1: timed termination at 4140.0 for action_charge
2025-06-20 19:57:23,013 data.base INFO <4140.00> Total reward: {}
2025-06-20 19:57:23,014 comm.communication INFO <4140.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,014 sats.satellite.Scanner-1 INFO <4140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,016 gym INFO <4140.00> Step reward: 0.0
2025-06-20 19:57:23,017 gym INFO <4140.00> === STARTING STEP ===
2025-06-20 19:57:23,018 sats.satellite.Scanner-1 INFO <4140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,018 sats.satellite.Scanner-1 INFO <4140.00> Scanner-1: setting timed terminal event at 4260.0
2025-06-20 19:57:23,034 sats.satellite.Scanner-1 INFO <4260.00> Scanner-1: timed termination at 4260.0 for action_charge
2025-06-20 19:57:23,034 data.base INFO <4260.00> Total reward: {}
2025-06-20 19:57:23,035 comm.communication INFO <4260.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,035 sats.satellite.Scanner-1 INFO <4260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,037 gym INFO <4260.00> Step reward: 0.0
2025-06-20 19:57:23,038 gym INFO <4260.00> === STARTING STEP ===
2025-06-20 19:57:23,038 sats.satellite.Scanner-1 INFO <4260.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,039 sats.satellite.Scanner-1 INFO <4260.00> Scanner-1: setting timed terminal event at 4380.0
2025-06-20 19:57:23,054 sats.satellite.Scanner-1 INFO <4380.00> Scanner-1: timed termination at 4380.0 for action_charge
2025-06-20 19:57:23,055 data.base INFO <4380.00> Total reward: {}
2025-06-20 19:57:23,055 comm.communication INFO <4380.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,056 sats.satellite.Scanner-1 INFO <4380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,058 gym INFO <4380.00> Step reward: 0.0
2025-06-20 19:57:23,058 gym INFO <4380.00> === STARTING STEP ===
2025-06-20 19:57:23,059 sats.satellite.Scanner-1 INFO <4380.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:23,059 sats.satellite.Scanner-1 INFO <4380.00> Scanner-1: setting timed terminal event at 4440.0
2025-06-20 19:57:23,068 sats.satellite.Scanner-1 INFO <4440.00> Scanner-1: timed termination at 4440.0 for action_downlink
2025-06-20 19:57:23,068 data.base INFO <4440.00> Total reward: {}
2025-06-20 19:57:23,069 comm.communication INFO <4440.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,070 sats.satellite.Scanner-1 INFO <4440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,071 gym INFO <4440.00> Step reward: 0.0
2025-06-20 19:57:23,072 gym INFO <4440.00> === STARTING STEP ===
2025-06-20 19:57:23,072 sats.satellite.Scanner-1 INFO <4440.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:23,073 sats.satellite.Scanner-1 INFO <4440.00> Scanner-1: setting timed terminal event at 4500.0
2025-06-20 19:57:23,080 sats.satellite.Scanner-1 INFO <4500.00> Scanner-1: timed termination at 4500.0 for action_downlink
2025-06-20 19:57:23,081 data.base INFO <4500.00> Total reward: {}
2025-06-20 19:57:23,081 comm.communication INFO <4500.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,082 sats.satellite.Scanner-1 INFO <4500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,084 gym INFO <4500.00> Step reward: 0.0
2025-06-20 19:57:23,085 gym INFO <4500.00> === STARTING STEP ===
2025-06-20 19:57:23,085 sats.satellite.Scanner-1 INFO <4500.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:23,086 sats.satellite.Scanner-1 INFO <4500.00> Scanner-1: setting timed terminal event at 4560.0
2025-06-20 19:57:23,093 sats.satellite.Scanner-1 INFO <4560.00> Scanner-1: timed termination at 4560.0 for action_downlink
2025-06-20 19:57:23,093 data.base INFO <4560.00> Total reward: {}
2025-06-20 19:57:23,094 comm.communication INFO <4560.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,094 sats.satellite.Scanner-1 INFO <4560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,096 gym INFO <4560.00> Step reward: 0.0
2025-06-20 19:57:23,097 gym INFO <4560.00> === STARTING STEP ===
2025-06-20 19:57:23,098 sats.satellite.Scanner-1 INFO <4560.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:23,098 sats.satellite.Scanner-1 INFO <4560.00> Scanner-1: setting timed terminal event at 4620.0
2025-06-20 19:57:23,106 sats.satellite.Scanner-1 INFO <4620.00> Scanner-1: timed termination at 4620.0 for action_downlink
2025-06-20 19:57:23,107 data.base INFO <4620.00> Total reward: {}
2025-06-20 19:57:23,107 comm.communication INFO <4620.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,108 sats.satellite.Scanner-1 INFO <4620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,109 gym INFO <4620.00> Step reward: 0.0
2025-06-20 19:57:23,110 gym INFO <4620.00> === STARTING STEP ===
2025-06-20 19:57:23,110 sats.satellite.Scanner-1 INFO <4620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,111 sats.satellite.Scanner-1 INFO <4620.00> Scanner-1: setting timed terminal event at 4740.0
2025-06-20 19:57:23,124 sats.satellite.Scanner-1 INFO <4740.00> Scanner-1: timed termination at 4740.0 for action_charge
2025-06-20 19:57:23,125 data.base INFO <4740.00> Total reward: {}
2025-06-20 19:57:23,126 comm.communication INFO <4740.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,126 sats.satellite.Scanner-1 INFO <4740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,128 gym INFO <4740.00> Step reward: 0.0
2025-06-20 19:57:23,129 gym INFO <4740.00> === STARTING STEP ===
2025-06-20 19:57:23,130 sats.satellite.Scanner-1 INFO <4740.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:23,130 sats.satellite.Scanner-1 INFO <4740.00> Scanner-1: setting timed terminal event at 4800.0
2025-06-20 19:57:23,138 sats.satellite.Scanner-1 INFO <4800.00> Scanner-1: timed termination at 4800.0 for action_downlink
2025-06-20 19:57:23,138 data.base INFO <4800.00> Total reward: {}
2025-06-20 19:57:23,139 comm.communication INFO <4800.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,139 sats.satellite.Scanner-1 INFO <4800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,141 gym INFO <4800.00> Step reward: 0.0
2025-06-20 19:57:23,142 gym INFO <4800.00> === STARTING STEP ===
2025-06-20 19:57:23,142 sats.satellite.Scanner-1 INFO <4800.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:23,143 sats.satellite.Scanner-1 INFO <4800.00> Scanner-1: setting timed terminal event at 4860.0
2025-06-20 19:57:23,150 sats.satellite.Scanner-1 INFO <4860.00> Scanner-1: timed termination at 4860.0 for action_downlink
2025-06-20 19:57:23,151 data.base INFO <4860.00> Total reward: {}
2025-06-20 19:57:23,151 comm.communication INFO <4860.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,152 sats.satellite.Scanner-1 INFO <4860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,154 gym INFO <4860.00> Step reward: 0.0
2025-06-20 19:57:23,155 gym INFO <4860.00> === STARTING STEP ===
2025-06-20 19:57:23,155 sats.satellite.Scanner-1 INFO <4860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,155 sats.satellite.Scanner-1 INFO <4860.00> Scanner-1: setting timed terminal event at 4920.0
2025-06-20 19:57:23,163 sats.satellite.Scanner-1 INFO <4920.00> Scanner-1: timed termination at 4920.0 for action_desat
2025-06-20 19:57:23,164 data.base INFO <4920.00> Total reward: {}
2025-06-20 19:57:23,164 comm.communication INFO <4920.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,164 sats.satellite.Scanner-1 INFO <4920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,166 gym INFO <4920.00> Step reward: 0.0
2025-06-20 19:57:23,167 gym INFO <4920.00> === STARTING STEP ===
2025-06-20 19:57:23,167 sats.satellite.Scanner-1 INFO <4920.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,168 sats.satellite.Scanner-1 INFO <4920.00> Scanner-1: setting timed terminal event at 4980.0
2025-06-20 19:57:23,176 sats.satellite.Scanner-1 INFO <4980.00> Scanner-1: timed termination at 4980.0 for action_desat
2025-06-20 19:57:23,176 data.base INFO <4980.00> Total reward: {}
2025-06-20 19:57:23,177 comm.communication INFO <4980.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,177 sats.satellite.Scanner-1 INFO <4980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,179 gym INFO <4980.00> Step reward: 0.0
2025-06-20 19:57:23,180 gym INFO <4980.00> === STARTING STEP ===
2025-06-20 19:57:23,180 sats.satellite.Scanner-1 INFO <4980.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,181 sats.satellite.Scanner-1 INFO <4980.00> Scanner-1: setting timed terminal event at 5040.0
2025-06-20 19:57:23,189 sats.satellite.Scanner-1 INFO <5040.00> Scanner-1: timed termination at 5040.0 for action_desat
2025-06-20 19:57:23,189 data.base INFO <5040.00> Total reward: {}
2025-06-20 19:57:23,190 comm.communication INFO <5040.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,190 sats.satellite.Scanner-1 INFO <5040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,192 gym INFO <5040.00> Step reward: 0.0
2025-06-20 19:57:23,193 gym INFO <5040.00> === STARTING STEP ===
2025-06-20 19:57:23,193 sats.satellite.Scanner-1 INFO <5040.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:23,194 sats.satellite.Scanner-1 INFO <5040.00> Scanner-1: setting timed terminal event at 5220.0
2025-06-20 19:57:23,217 sats.satellite.Scanner-1 INFO <5220.00> Scanner-1: timed termination at 5220.0 for action_nadir_scan
2025-06-20 19:57:23,217 data.base INFO <5220.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:23,218 comm.communication INFO <5220.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,218 sats.satellite.Scanner-1 INFO <5220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,221 gym INFO <5220.00> Step reward: 0.004912280701754385
2025-06-20 19:57:23,222 gym INFO <5220.00> === STARTING STEP ===
2025-06-20 19:57:23,222 sats.satellite.Scanner-1 INFO <5220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,223 sats.satellite.Scanner-1 INFO <5220.00> Scanner-1: setting timed terminal event at 5280.0
2025-06-20 19:57:23,231 sats.satellite.Scanner-1 INFO <5280.00> Scanner-1: timed termination at 5280.0 for action_desat
2025-06-20 19:57:23,231 data.base INFO <5280.00> Total reward: {}
2025-06-20 19:57:23,232 comm.communication INFO <5280.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,232 sats.satellite.Scanner-1 INFO <5280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,234 gym INFO <5280.00> Step reward: 0.0
2025-06-20 19:57:23,235 gym INFO <5280.00> === STARTING STEP ===
2025-06-20 19:57:23,236 sats.satellite.Scanner-1 INFO <5280.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,236 sats.satellite.Scanner-1 INFO <5280.00> Scanner-1: setting timed terminal event at 5400.0
2025-06-20 19:57:23,250 sats.satellite.Scanner-1 INFO <5400.00> Scanner-1: timed termination at 5400.0 for action_charge
2025-06-20 19:57:23,250 data.base INFO <5400.00> Total reward: {}
2025-06-20 19:57:23,251 comm.communication INFO <5400.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,252 sats.satellite.Scanner-1 INFO <5400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,254 gym INFO <5400.00> Step reward: 0.0
2025-06-20 19:57:23,254 gym INFO <5400.00> === STARTING STEP ===
2025-06-20 19:57:23,255 sats.satellite.Scanner-1 INFO <5400.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,255 sats.satellite.Scanner-1 INFO <5400.00> Scanner-1: setting timed terminal event at 5520.0
2025-06-20 19:57:23,270 sats.satellite.Scanner-1 INFO <5520.00> Scanner-1: timed termination at 5520.0 for action_charge
2025-06-20 19:57:23,271 data.base INFO <5520.00> Total reward: {}
2025-06-20 19:57:23,272 comm.communication INFO <5520.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,272 sats.satellite.Scanner-1 INFO <5520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,274 gym INFO <5520.00> Step reward: 0.0
2025-06-20 19:57:23,275 gym INFO <5520.00> === STARTING STEP ===
2025-06-20 19:57:23,276 sats.satellite.Scanner-1 INFO <5520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,276 sats.satellite.Scanner-1 INFO <5520.00> Scanner-1: setting timed terminal event at 5580.0
2025-06-20 19:57:23,285 sats.satellite.Scanner-1 INFO <5580.00> Scanner-1: timed termination at 5580.0 for action_desat
2025-06-20 19:57:23,286 data.base INFO <5580.00> Total reward: {}
2025-06-20 19:57:23,287 comm.communication INFO <5580.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,287 sats.satellite.Scanner-1 INFO <5580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,289 gym INFO <5580.00> Step reward: 0.0
2025-06-20 19:57:23,290 gym INFO <5580.00> === STARTING STEP ===
2025-06-20 19:57:23,290 sats.satellite.Scanner-1 INFO <5580.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,291 sats.satellite.Scanner-1 INFO <5580.00> Scanner-1: setting timed terminal event at 5700.0
2025-06-20 19:57:23,304 sats.satellite.Scanner-1 INFO <5700.00> Scanner-1: timed termination at 5700.0 for action_charge
2025-06-20 19:57:23,305 data.base INFO <5700.00> Total reward: {}
2025-06-20 19:57:23,306 comm.communication INFO <5700.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,307 sats.satellite.Scanner-1 INFO <5700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,308 gym INFO <5700.00> Step reward: 0.0
2025-06-20 19:57:23,309 gym INFO <5700.00> === STARTING STEP ===
2025-06-20 19:57:23,310 sats.satellite.Scanner-1 INFO <5700.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:23,310 sats.satellite.Scanner-1 INFO <5700.00> Scanner-1: setting timed terminal event at 5880.0
2025-06-20 19:57:23,330 sats.satellite.Scanner-1 INFO <5880.00> Scanner-1: timed termination at 5880.0 for action_nadir_scan
2025-06-20 19:57:23,331 data.base INFO <5880.00> Total reward: {'Scanner-1': 0.005192982456140351}
2025-06-20 19:57:23,331 comm.communication INFO <5880.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,332 sats.satellite.Scanner-1 INFO <5880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,334 gym INFO <5880.00> Step reward: 0.005192982456140351
2025-06-20 19:57:23,335 gym INFO <5880.00> === STARTING STEP ===
2025-06-20 19:57:23,335 sats.satellite.Scanner-1 INFO <5880.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:23,336 sats.satellite.Scanner-1 INFO <5880.00> Scanner-1: setting timed terminal event at 6060.0
2025-06-20 19:57:23,355 sats.satellite.Scanner-1 INFO <6060.00> Scanner-1: timed termination at 6060.0 for action_nadir_scan
2025-06-20 19:57:23,356 data.base INFO <6060.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:23,357 comm.communication INFO <6060.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,357 sats.satellite.Scanner-1 INFO <6060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,359 gym INFO <6060.00> Step reward: 0.00631578947368421
2025-06-20 19:57:23,360 gym INFO <6060.00> === STARTING STEP ===
2025-06-20 19:57:23,361 sats.satellite.Scanner-1 INFO <6060.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,361 sats.satellite.Scanner-1 INFO <6060.00> Scanner-1: setting timed terminal event at 6120.0
2025-06-20 19:57:23,369 sats.satellite.Scanner-1 INFO <6120.00> Scanner-1: timed termination at 6120.0 for action_desat
2025-06-20 19:57:23,370 data.base INFO <6120.00> Total reward: {}
2025-06-20 19:57:23,371 comm.communication INFO <6120.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,371 sats.satellite.Scanner-1 INFO <6120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,373 gym INFO <6120.00> Step reward: 0.0
2025-06-20 19:57:23,374 gym INFO <6120.00> === STARTING STEP ===
2025-06-20 19:57:23,374 sats.satellite.Scanner-1 INFO <6120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,375 sats.satellite.Scanner-1 INFO <6120.00> Scanner-1: setting timed terminal event at 6240.0
2025-06-20 19:57:23,388 sats.satellite.Scanner-1 INFO <6240.00> Scanner-1: timed termination at 6240.0 for action_charge
2025-06-20 19:57:23,389 data.base INFO <6240.00> Total reward: {}
2025-06-20 19:57:23,389 comm.communication INFO <6240.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,390 sats.satellite.Scanner-1 INFO <6240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,392 gym INFO <6240.00> Step reward: 0.0
2025-06-20 19:57:23,393 gym INFO <6240.00> === STARTING STEP ===
2025-06-20 19:57:23,393 sats.satellite.Scanner-1 INFO <6240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,394 sats.satellite.Scanner-1 INFO <6240.00> Scanner-1: setting timed terminal event at 6300.0
2025-06-20 19:57:23,402 sats.satellite.Scanner-1 INFO <6300.00> Scanner-1: timed termination at 6300.0 for action_desat
2025-06-20 19:57:23,402 data.base INFO <6300.00> Total reward: {}
2025-06-20 19:57:23,403 comm.communication INFO <6300.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,403 sats.satellite.Scanner-1 INFO <6300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,405 gym INFO <6300.00> Step reward: 0.0
2025-06-20 19:57:23,406 gym INFO <6300.00> === STARTING STEP ===
2025-06-20 19:57:23,407 sats.satellite.Scanner-1 INFO <6300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:23,407 sats.satellite.Scanner-1 INFO <6300.00> Scanner-1: setting timed terminal event at 6360.0
2025-06-20 19:57:23,415 sats.satellite.Scanner-1 INFO <6360.00> Scanner-1: timed termination at 6360.0 for action_downlink
2025-06-20 19:57:23,416 data.base INFO <6360.00> Total reward: {}
2025-06-20 19:57:23,416 comm.communication INFO <6360.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,417 sats.satellite.Scanner-1 INFO <6360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,418 gym INFO <6360.00> Step reward: 0.0
2025-06-20 19:57:23,419 gym INFO <6360.00> === STARTING STEP ===
2025-06-20 19:57:23,420 sats.satellite.Scanner-1 INFO <6360.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,420 sats.satellite.Scanner-1 INFO <6360.00> Scanner-1: setting timed terminal event at 6480.0
2025-06-20 19:57:23,434 sats.satellite.Scanner-1 INFO <6480.00> Scanner-1: timed termination at 6480.0 for action_charge
2025-06-20 19:57:23,435 data.base INFO <6480.00> Total reward: {}
2025-06-20 19:57:23,435 comm.communication INFO <6480.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,436 sats.satellite.Scanner-1 INFO <6480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,438 gym INFO <6480.00> Step reward: 0.0
2025-06-20 19:57:23,439 gym INFO <6480.00> === STARTING STEP ===
2025-06-20 19:57:23,440 sats.satellite.Scanner-1 INFO <6480.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,440 sats.satellite.Scanner-1 INFO <6480.00> Scanner-1: setting timed terminal event at 6600.0
2025-06-20 19:57:23,454 sats.satellite.Scanner-1 INFO <6600.00> Scanner-1: timed termination at 6600.0 for action_charge
2025-06-20 19:57:23,455 data.base INFO <6600.00> Total reward: {}
2025-06-20 19:57:23,455 comm.communication INFO <6600.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,456 sats.satellite.Scanner-1 INFO <6600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,458 gym INFO <6600.00> Step reward: 0.0
2025-06-20 19:57:23,459 gym INFO <6600.00> === STARTING STEP ===
2025-06-20 19:57:23,459 sats.satellite.Scanner-1 INFO <6600.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,460 sats.satellite.Scanner-1 INFO <6600.00> Scanner-1: setting timed terminal event at 6720.0
2025-06-20 19:57:23,473 sats.satellite.Scanner-1 INFO <6720.00> Scanner-1: timed termination at 6720.0 for action_charge
2025-06-20 19:57:23,474 data.base INFO <6720.00> Total reward: {}
2025-06-20 19:57:23,475 comm.communication INFO <6720.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,475 sats.satellite.Scanner-1 INFO <6720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,478 gym INFO <6720.00> Step reward: 0.0
2025-06-20 19:57:23,478 gym INFO <6720.00> === STARTING STEP ===
2025-06-20 19:57:23,479 sats.satellite.Scanner-1 INFO <6720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,480 sats.satellite.Scanner-1 INFO <6720.00> Scanner-1: setting timed terminal event at 6840.0
2025-06-20 19:57:23,493 sats.satellite.Scanner-1 INFO <6840.00> Scanner-1: timed termination at 6840.0 for action_charge
2025-06-20 19:57:23,494 data.base INFO <6840.00> Total reward: {}
2025-06-20 19:57:23,495 comm.communication INFO <6840.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,495 sats.satellite.Scanner-1 INFO <6840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,498 gym INFO <6840.00> Step reward: 0.0
2025-06-20 19:57:23,498 gym INFO <6840.00> === STARTING STEP ===
2025-06-20 19:57:23,499 sats.satellite.Scanner-1 INFO <6840.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,499 sats.satellite.Scanner-1 INFO <6840.00> Scanner-1: setting timed terminal event at 6960.0
2025-06-20 19:57:23,515 sats.satellite.Scanner-1 INFO <6960.00> Scanner-1: timed termination at 6960.0 for action_charge
2025-06-20 19:57:23,516 data.base INFO <6960.00> Total reward: {}
2025-06-20 19:57:23,516 comm.communication INFO <6960.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,517 sats.satellite.Scanner-1 INFO <6960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,519 gym INFO <6960.00> Step reward: 0.0
2025-06-20 19:57:23,520 gym INFO <6960.00> === STARTING STEP ===
2025-06-20 19:57:23,520 sats.satellite.Scanner-1 INFO <6960.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,521 sats.satellite.Scanner-1 INFO <6960.00> Scanner-1: setting timed terminal event at 7080.0
2025-06-20 19:57:23,537 sats.satellite.Scanner-1 INFO <7080.00> Scanner-1: timed termination at 7080.0 for action_charge
2025-06-20 19:57:23,537 data.base INFO <7080.00> Total reward: {}
2025-06-20 19:57:23,538 comm.communication INFO <7080.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,538 sats.satellite.Scanner-1 INFO <7080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,541 gym INFO <7080.00> Step reward: 0.0
2025-06-20 19:57:23,541 gym INFO <7080.00> === STARTING STEP ===
2025-06-20 19:57:23,542 sats.satellite.Scanner-1 INFO <7080.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:23,542 sats.satellite.Scanner-1 INFO <7080.00> Scanner-1: setting timed terminal event at 7260.0
2025-06-20 19:57:23,566 sats.satellite.Scanner-1 INFO <7260.00> Scanner-1: timed termination at 7260.0 for action_nadir_scan
2025-06-20 19:57:23,567 data.base INFO <7260.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-06-20 19:57:23,567 comm.communication INFO <7260.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,568 sats.satellite.Scanner-1 INFO <7260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,570 gym INFO <7260.00> Step reward: 0.00487719298245614
2025-06-20 19:57:23,571 gym INFO <7260.00> === STARTING STEP ===
2025-06-20 19:57:23,571 sats.satellite.Scanner-1 INFO <7260.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,573 sats.satellite.Scanner-1 INFO <7260.00> Scanner-1: setting timed terminal event at 7320.0
2025-06-20 19:57:23,582 sats.satellite.Scanner-1 INFO <7320.00> Scanner-1: timed termination at 7320.0 for action_desat
2025-06-20 19:57:23,582 data.base INFO <7320.00> Total reward: {}
2025-06-20 19:57:23,583 comm.communication INFO <7320.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,583 sats.satellite.Scanner-1 INFO <7320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,586 gym INFO <7320.00> Step reward: 0.0
2025-06-20 19:57:23,587 gym INFO <7320.00> === STARTING STEP ===
2025-06-20 19:57:23,587 sats.satellite.Scanner-1 INFO <7320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,588 sats.satellite.Scanner-1 INFO <7320.00> Scanner-1: setting timed terminal event at 7440.0
2025-06-20 19:57:23,602 sats.satellite.Scanner-1 INFO <7440.00> Scanner-1: timed termination at 7440.0 for action_charge
2025-06-20 19:57:23,603 data.base INFO <7440.00> Total reward: {}
2025-06-20 19:57:23,604 comm.communication INFO <7440.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,604 sats.satellite.Scanner-1 INFO <7440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,606 gym INFO <7440.00> Step reward: 0.0
2025-06-20 19:57:23,607 gym INFO <7440.00> === STARTING STEP ===
2025-06-20 19:57:23,608 sats.satellite.Scanner-1 INFO <7440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,608 sats.satellite.Scanner-1 INFO <7440.00> Scanner-1: setting timed terminal event at 7500.0
2025-06-20 19:57:23,616 sats.satellite.Scanner-1 INFO <7500.00> Scanner-1: timed termination at 7500.0 for action_desat
2025-06-20 19:57:23,617 data.base INFO <7500.00> Total reward: {}
2025-06-20 19:57:23,618 comm.communication INFO <7500.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,618 sats.satellite.Scanner-1 INFO <7500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,620 gym INFO <7500.00> Step reward: 0.0
2025-06-20 19:57:23,621 gym INFO <7500.00> === STARTING STEP ===
2025-06-20 19:57:23,622 sats.satellite.Scanner-1 INFO <7500.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,622 sats.satellite.Scanner-1 INFO <7500.00> Scanner-1: setting timed terminal event at 7560.0
2025-06-20 19:57:23,631 sats.satellite.Scanner-1 INFO <7560.00> Scanner-1: timed termination at 7560.0 for action_desat
2025-06-20 19:57:23,631 data.base INFO <7560.00> Total reward: {}
2025-06-20 19:57:23,632 comm.communication INFO <7560.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,632 sats.satellite.Scanner-1 INFO <7560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,634 gym INFO <7560.00> Step reward: 0.0
2025-06-20 19:57:23,635 gym INFO <7560.00> === STARTING STEP ===
2025-06-20 19:57:23,636 sats.satellite.Scanner-1 INFO <7560.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,636 sats.satellite.Scanner-1 INFO <7560.00> Scanner-1: setting timed terminal event at 7680.0
2025-06-20 19:57:23,650 sats.satellite.Scanner-1 INFO <7680.00> Scanner-1: timed termination at 7680.0 for action_charge
2025-06-20 19:57:23,651 data.base INFO <7680.00> Total reward: {}
2025-06-20 19:57:23,651 comm.communication INFO <7680.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,652 sats.satellite.Scanner-1 INFO <7680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,654 gym INFO <7680.00> Step reward: 0.0
2025-06-20 19:57:23,655 gym INFO <7680.00> === STARTING STEP ===
2025-06-20 19:57:23,656 sats.satellite.Scanner-1 INFO <7680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,656 sats.satellite.Scanner-1 INFO <7680.00> Scanner-1: setting timed terminal event at 7800.0
2025-06-20 19:57:23,670 sats.satellite.Scanner-1 INFO <7800.00> Scanner-1: timed termination at 7800.0 for action_charge
2025-06-20 19:57:23,671 data.base INFO <7800.00> Total reward: {}
2025-06-20 19:57:23,672 comm.communication INFO <7800.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,672 sats.satellite.Scanner-1 INFO <7800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,674 gym INFO <7800.00> Step reward: 0.0
2025-06-20 19:57:23,675 gym INFO <7800.00> === STARTING STEP ===
2025-06-20 19:57:23,675 sats.satellite.Scanner-1 INFO <7800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,676 sats.satellite.Scanner-1 INFO <7800.00> Scanner-1: setting timed terminal event at 7860.0
2025-06-20 19:57:23,684 sats.satellite.Scanner-1 INFO <7860.00> Scanner-1: timed termination at 7860.0 for action_desat
2025-06-20 19:57:23,685 data.base INFO <7860.00> Total reward: {}
2025-06-20 19:57:23,686 comm.communication INFO <7860.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,686 sats.satellite.Scanner-1 INFO <7860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,688 gym INFO <7860.00> Step reward: 0.0
2025-06-20 19:57:23,689 gym INFO <7860.00> === STARTING STEP ===
2025-06-20 19:57:23,690 sats.satellite.Scanner-1 INFO <7860.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,690 sats.satellite.Scanner-1 INFO <7860.00> Scanner-1: setting timed terminal event at 7980.0
2025-06-20 19:57:23,704 sats.satellite.Scanner-1 INFO <7980.00> Scanner-1: timed termination at 7980.0 for action_charge
2025-06-20 19:57:23,705 data.base INFO <7980.00> Total reward: {}
2025-06-20 19:57:23,705 comm.communication INFO <7980.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,706 sats.satellite.Scanner-1 INFO <7980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,708 gym INFO <7980.00> Step reward: 0.0
2025-06-20 19:57:23,708 gym INFO <7980.00> === STARTING STEP ===
2025-06-20 19:57:23,709 sats.satellite.Scanner-1 INFO <7980.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,709 sats.satellite.Scanner-1 INFO <7980.00> Scanner-1: setting timed terminal event at 8040.0
2025-06-20 19:57:23,717 sats.satellite.Scanner-1 INFO <8040.00> Scanner-1: timed termination at 8040.0 for action_desat
2025-06-20 19:57:23,718 data.base INFO <8040.00> Total reward: {}
2025-06-20 19:57:23,718 comm.communication INFO <8040.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,719 sats.satellite.Scanner-1 INFO <8040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,721 gym INFO <8040.00> Step reward: 0.0
2025-06-20 19:57:23,721 gym INFO <8040.00> === STARTING STEP ===
2025-06-20 19:57:23,722 sats.satellite.Scanner-1 INFO <8040.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:23,722 sats.satellite.Scanner-1 INFO <8040.00> Scanner-1: setting timed terminal event at 8220.0
2025-06-20 19:57:23,742 sats.satellite.Scanner-1 INFO <8220.00> Scanner-1: timed termination at 8220.0 for action_nadir_scan
2025-06-20 19:57:23,743 data.base INFO <8220.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-06-20 19:57:23,743 comm.communication INFO <8220.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,744 sats.satellite.Scanner-1 INFO <8220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,745 gym INFO <8220.00> Step reward: 0.004947368421052631
2025-06-20 19:57:23,746 gym INFO <8220.00> === STARTING STEP ===
2025-06-20 19:57:23,747 sats.satellite.Scanner-1 INFO <8220.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,747 sats.satellite.Scanner-1 INFO <8220.00> Scanner-1: setting timed terminal event at 8340.0
2025-06-20 19:57:23,761 sats.satellite.Scanner-1 INFO <8340.00> Scanner-1: timed termination at 8340.0 for action_charge
2025-06-20 19:57:23,761 data.base INFO <8340.00> Total reward: {}
2025-06-20 19:57:23,762 comm.communication INFO <8340.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,762 sats.satellite.Scanner-1 INFO <8340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,764 gym INFO <8340.00> Step reward: 0.0
2025-06-20 19:57:23,765 gym INFO <8340.00> === STARTING STEP ===
2025-06-20 19:57:23,765 sats.satellite.Scanner-1 INFO <8340.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,766 sats.satellite.Scanner-1 INFO <8340.00> Scanner-1: setting timed terminal event at 8400.0
2025-06-20 19:57:23,774 sats.satellite.Scanner-1 INFO <8400.00> Scanner-1: timed termination at 8400.0 for action_desat
2025-06-20 19:57:23,774 data.base INFO <8400.00> Total reward: {}
2025-06-20 19:57:23,775 comm.communication INFO <8400.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,775 sats.satellite.Scanner-1 INFO <8400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,777 gym INFO <8400.00> Step reward: 0.0
2025-06-20 19:57:23,777 gym INFO <8400.00> === STARTING STEP ===
2025-06-20 19:57:23,778 sats.satellite.Scanner-1 INFO <8400.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,778 sats.satellite.Scanner-1 INFO <8400.00> Scanner-1: setting timed terminal event at 8460.0
2025-06-20 19:57:23,787 sats.satellite.Scanner-1 INFO <8460.00> Scanner-1: timed termination at 8460.0 for action_desat
2025-06-20 19:57:23,787 data.base INFO <8460.00> Total reward: {}
2025-06-20 19:57:23,788 comm.communication INFO <8460.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,788 sats.satellite.Scanner-1 INFO <8460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,790 gym INFO <8460.00> Step reward: 0.0
2025-06-20 19:57:23,791 gym INFO <8460.00> === STARTING STEP ===
2025-06-20 19:57:23,791 sats.satellite.Scanner-1 INFO <8460.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:23,792 sats.satellite.Scanner-1 INFO <8460.00> Scanner-1: setting timed terminal event at 8520.0
2025-06-20 19:57:23,799 sats.satellite.Scanner-1 INFO <8520.00> Scanner-1: timed termination at 8520.0 for action_downlink
2025-06-20 19:57:23,800 data.base INFO <8520.00> Total reward: {}
2025-06-20 19:57:23,800 comm.communication INFO <8520.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,801 sats.satellite.Scanner-1 INFO <8520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,802 gym INFO <8520.00> Step reward: 0.0
2025-06-20 19:57:23,803 gym INFO <8520.00> === STARTING STEP ===
2025-06-20 19:57:23,803 sats.satellite.Scanner-1 INFO <8520.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,804 sats.satellite.Scanner-1 INFO <8520.00> Scanner-1: setting timed terminal event at 8640.0
2025-06-20 19:57:23,820 sats.satellite.Scanner-1 INFO <8640.00> Scanner-1: timed termination at 8640.0 for action_charge
2025-06-20 19:57:23,820 data.base INFO <8640.00> Total reward: {}
2025-06-20 19:57:23,821 comm.communication INFO <8640.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,821 sats.satellite.Scanner-1 INFO <8640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,823 gym INFO <8640.00> Step reward: 0.0
2025-06-20 19:57:23,824 gym INFO <8640.00> === STARTING STEP ===
2025-06-20 19:57:23,824 sats.satellite.Scanner-1 INFO <8640.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,825 sats.satellite.Scanner-1 INFO <8640.00> Scanner-1: setting timed terminal event at 8760.0
2025-06-20 19:57:23,838 sats.satellite.Scanner-1 INFO <8760.00> Scanner-1: timed termination at 8760.0 for action_charge
2025-06-20 19:57:23,839 data.base INFO <8760.00> Total reward: {}
2025-06-20 19:57:23,839 comm.communication INFO <8760.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,840 sats.satellite.Scanner-1 INFO <8760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,841 gym INFO <8760.00> Step reward: 0.0
2025-06-20 19:57:23,842 gym INFO <8760.00> === STARTING STEP ===
2025-06-20 19:57:23,842 sats.satellite.Scanner-1 INFO <8760.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:23,843 sats.satellite.Scanner-1 INFO <8760.00> Scanner-1: setting timed terminal event at 8820.0
2025-06-20 19:57:23,852 sats.satellite.Scanner-1 INFO <8820.00> Scanner-1: timed termination at 8820.0 for action_downlink
2025-06-20 19:57:23,852 data.base INFO <8820.00> Total reward: {}
2025-06-20 19:57:23,853 comm.communication INFO <8820.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,853 sats.satellite.Scanner-1 INFO <8820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,855 gym INFO <8820.00> Step reward: 0.0
2025-06-20 19:57:23,856 gym INFO <8820.00> === STARTING STEP ===
2025-06-20 19:57:23,856 sats.satellite.Scanner-1 INFO <8820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:23,857 sats.satellite.Scanner-1 INFO <8820.00> Scanner-1: setting timed terminal event at 8880.0
2025-06-20 19:57:23,865 sats.satellite.Scanner-1 INFO <8880.00> Scanner-1: timed termination at 8880.0 for action_downlink
2025-06-20 19:57:23,866 data.base INFO <8880.00> Total reward: {}
2025-06-20 19:57:23,866 comm.communication INFO <8880.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,867 sats.satellite.Scanner-1 INFO <8880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,869 gym INFO <8880.00> Step reward: 0.0
2025-06-20 19:57:23,870 gym INFO <8880.00> === STARTING STEP ===
2025-06-20 19:57:23,870 sats.satellite.Scanner-1 INFO <8880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:23,870 sats.satellite.Scanner-1 INFO <8880.00> Scanner-1: setting timed terminal event at 8940.0
2025-06-20 19:57:23,879 sats.satellite.Scanner-1 INFO <8940.00> Scanner-1: timed termination at 8940.0 for action_downlink
2025-06-20 19:57:23,879 data.base INFO <8940.00> Total reward: {}
2025-06-20 19:57:23,880 comm.communication INFO <8940.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,880 sats.satellite.Scanner-1 INFO <8940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,882 gym INFO <8940.00> Step reward: 0.0
2025-06-20 19:57:23,883 gym INFO <8940.00> === STARTING STEP ===
2025-06-20 19:57:23,884 sats.satellite.Scanner-1 INFO <8940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,884 sats.satellite.Scanner-1 INFO <8940.00> Scanner-1: setting timed terminal event at 9000.0
2025-06-20 19:57:23,893 sats.satellite.Scanner-1 INFO <9000.00> Scanner-1: timed termination at 9000.0 for action_desat
2025-06-20 19:57:23,894 data.base INFO <9000.00> Total reward: {}
2025-06-20 19:57:23,894 comm.communication INFO <9000.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,895 sats.satellite.Scanner-1 INFO <9000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,896 gym INFO <9000.00> Step reward: 0.0
2025-06-20 19:57:23,897 gym INFO <9000.00> === STARTING STEP ===
2025-06-20 19:57:23,897 sats.satellite.Scanner-1 INFO <9000.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,898 sats.satellite.Scanner-1 INFO <9000.00> Scanner-1: setting timed terminal event at 9120.0
2025-06-20 19:57:23,914 sats.satellite.Scanner-1 INFO <9120.00> Scanner-1: timed termination at 9120.0 for action_charge
2025-06-20 19:57:23,915 data.base INFO <9120.00> Total reward: {}
2025-06-20 19:57:23,915 comm.communication INFO <9120.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,916 sats.satellite.Scanner-1 INFO <9120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,917 gym INFO <9120.00> Step reward: 0.0
2025-06-20 19:57:23,918 gym INFO <9120.00> === STARTING STEP ===
2025-06-20 19:57:23,918 sats.satellite.Scanner-1 INFO <9120.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:23,919 sats.satellite.Scanner-1 INFO <9120.00> Scanner-1: setting timed terminal event at 9180.0
2025-06-20 19:57:23,928 sats.satellite.Scanner-1 INFO <9180.00> Scanner-1: timed termination at 9180.0 for action_downlink
2025-06-20 19:57:23,929 data.base INFO <9180.00> Total reward: {}
2025-06-20 19:57:23,929 comm.communication INFO <9180.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,930 sats.satellite.Scanner-1 INFO <9180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,932 gym INFO <9180.00> Step reward: 0.0
2025-06-20 19:57:23,932 gym INFO <9180.00> === STARTING STEP ===
2025-06-20 19:57:23,933 sats.satellite.Scanner-1 INFO <9180.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,933 sats.satellite.Scanner-1 INFO <9180.00> Scanner-1: setting timed terminal event at 9240.0
2025-06-20 19:57:23,942 sats.satellite.Scanner-1 INFO <9240.00> Scanner-1: timed termination at 9240.0 for action_desat
2025-06-20 19:57:23,943 data.base INFO <9240.00> Total reward: {}
2025-06-20 19:57:23,943 comm.communication INFO <9240.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,944 sats.satellite.Scanner-1 INFO <9240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,945 gym INFO <9240.00> Step reward: 0.0
2025-06-20 19:57:23,946 gym INFO <9240.00> === STARTING STEP ===
2025-06-20 19:57:23,947 sats.satellite.Scanner-1 INFO <9240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:23,947 sats.satellite.Scanner-1 INFO <9240.00> Scanner-1: setting timed terminal event at 9300.0
2025-06-20 19:57:23,955 sats.satellite.Scanner-1 INFO <9300.00> Scanner-1: timed termination at 9300.0 for action_desat
2025-06-20 19:57:23,955 data.base INFO <9300.00> Total reward: {}
2025-06-20 19:57:23,956 comm.communication INFO <9300.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,956 sats.satellite.Scanner-1 INFO <9300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,958 gym INFO <9300.00> Step reward: 0.0
2025-06-20 19:57:23,959 gym INFO <9300.00> === STARTING STEP ===
2025-06-20 19:57:23,960 sats.satellite.Scanner-1 INFO <9300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:23,960 sats.satellite.Scanner-1 INFO <9300.00> Scanner-1: setting timed terminal event at 9480.0
2025-06-20 19:57:23,980 sats.satellite.Scanner-1 INFO <9480.00> Scanner-1: timed termination at 9480.0 for action_nadir_scan
2025-06-20 19:57:23,980 data.base INFO <9480.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-06-20 19:57:23,981 comm.communication INFO <9480.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:23,981 sats.satellite.Scanner-1 INFO <9480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:23,983 gym INFO <9480.00> Step reward: 0.004947368421052631
2025-06-20 19:57:23,984 gym INFO <9480.00> === STARTING STEP ===
2025-06-20 19:57:23,984 sats.satellite.Scanner-1 INFO <9480.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:23,985 sats.satellite.Scanner-1 INFO <9480.00> Scanner-1: setting timed terminal event at 9600.0
2025-06-20 19:57:23,998 sats.satellite.Scanner-1 INFO <9600.00> Scanner-1: timed termination at 9600.0 for action_charge
2025-06-20 19:57:23,999 data.base INFO <9600.00> Total reward: {}
2025-06-20 19:57:24,000 comm.communication INFO <9600.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,000 sats.satellite.Scanner-1 INFO <9600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,002 gym INFO <9600.00> Step reward: 0.0
2025-06-20 19:57:24,003 gym INFO <9600.00> === STARTING STEP ===
2025-06-20 19:57:24,003 sats.satellite.Scanner-1 INFO <9600.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,004 sats.satellite.Scanner-1 INFO <9600.00> Scanner-1: setting timed terminal event at 9660.0
2025-06-20 19:57:24,011 sats.satellite.Scanner-1 INFO <9660.00> Scanner-1: timed termination at 9660.0 for action_downlink
2025-06-20 19:57:24,012 data.base INFO <9660.00> Total reward: {}
2025-06-20 19:57:24,012 comm.communication INFO <9660.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,013 sats.satellite.Scanner-1 INFO <9660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,015 gym INFO <9660.00> Step reward: 0.0
2025-06-20 19:57:24,015 gym INFO <9660.00> === STARTING STEP ===
2025-06-20 19:57:24,016 sats.satellite.Scanner-1 INFO <9660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,016 sats.satellite.Scanner-1 INFO <9660.00> Scanner-1: setting timed terminal event at 9720.0
2025-06-20 19:57:24,024 sats.satellite.Scanner-1 INFO <9720.00> Scanner-1: timed termination at 9720.0 for action_desat
2025-06-20 19:57:24,025 data.base INFO <9720.00> Total reward: {}
2025-06-20 19:57:24,025 comm.communication INFO <9720.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,026 sats.satellite.Scanner-1 INFO <9720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,028 gym INFO <9720.00> Step reward: 0.0
2025-06-20 19:57:24,029 gym INFO <9720.00> === STARTING STEP ===
2025-06-20 19:57:24,029 sats.satellite.Scanner-1 INFO <9720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,030 sats.satellite.Scanner-1 INFO <9720.00> Scanner-1: setting timed terminal event at 9840.0
2025-06-20 19:57:24,043 sats.satellite.Scanner-1 INFO <9840.00> Scanner-1: timed termination at 9840.0 for action_charge
2025-06-20 19:57:24,044 data.base INFO <9840.00> Total reward: {}
2025-06-20 19:57:24,044 comm.communication INFO <9840.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,045 sats.satellite.Scanner-1 INFO <9840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,047 gym INFO <9840.00> Step reward: 0.0
2025-06-20 19:57:24,048 gym INFO <9840.00> === STARTING STEP ===
2025-06-20 19:57:24,049 sats.satellite.Scanner-1 INFO <9840.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:24,049 sats.satellite.Scanner-1 INFO <9840.00> Scanner-1: setting timed terminal event at 10020.0
2025-06-20 19:57:24,069 sats.satellite.Scanner-1 INFO <10020.00> Scanner-1: timed termination at 10020.0 for action_nadir_scan
2025-06-20 19:57:24,070 data.base INFO <10020.00> Total reward: {'Scanner-1': 0.005228070175438596}
2025-06-20 19:57:24,070 comm.communication INFO <10020.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,071 sats.satellite.Scanner-1 INFO <10020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,073 gym INFO <10020.00> Step reward: 0.005228070175438596
2025-06-20 19:57:24,074 gym INFO <10020.00> === STARTING STEP ===
2025-06-20 19:57:24,075 sats.satellite.Scanner-1 INFO <10020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,075 sats.satellite.Scanner-1 INFO <10020.00> Scanner-1: setting timed terminal event at 10080.0
2025-06-20 19:57:24,083 sats.satellite.Scanner-1 INFO <10080.00> Scanner-1: timed termination at 10080.0 for action_downlink
2025-06-20 19:57:24,083 data.base INFO <10080.00> Total reward: {}
2025-06-20 19:57:24,084 comm.communication INFO <10080.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,084 sats.satellite.Scanner-1 INFO <10080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,086 gym INFO <10080.00> Step reward: 0.0
2025-06-20 19:57:24,087 gym INFO <10080.00> === STARTING STEP ===
2025-06-20 19:57:24,087 sats.satellite.Scanner-1 INFO <10080.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:24,088 sats.satellite.Scanner-1 INFO <10080.00> Scanner-1: setting timed terminal event at 10260.0
2025-06-20 19:57:24,107 sats.satellite.Scanner-1 INFO <10260.00> Scanner-1: timed termination at 10260.0 for action_nadir_scan
2025-06-20 19:57:24,107 data.base INFO <10260.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-06-20 19:57:24,108 comm.communication INFO <10260.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,108 sats.satellite.Scanner-1 INFO <10260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,110 gym INFO <10260.00> Step reward: 0.00487719298245614
2025-06-20 19:57:24,111 gym INFO <10260.00> === STARTING STEP ===
2025-06-20 19:57:24,111 sats.satellite.Scanner-1 INFO <10260.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,112 sats.satellite.Scanner-1 INFO <10260.00> Scanner-1: setting timed terminal event at 10320.0
2025-06-20 19:57:24,120 sats.satellite.Scanner-1 INFO <10320.00> Scanner-1: timed termination at 10320.0 for action_desat
2025-06-20 19:57:24,120 data.base INFO <10320.00> Total reward: {}
2025-06-20 19:57:24,121 comm.communication INFO <10320.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,122 sats.satellite.Scanner-1 INFO <10320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,123 gym INFO <10320.00> Step reward: 0.0
2025-06-20 19:57:24,124 gym INFO <10320.00> === STARTING STEP ===
2025-06-20 19:57:24,124 sats.satellite.Scanner-1 INFO <10320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,125 sats.satellite.Scanner-1 INFO <10320.00> Scanner-1: setting timed terminal event at 10440.0
2025-06-20 19:57:24,140 sats.satellite.Scanner-1 INFO <10440.00> Scanner-1: timed termination at 10440.0 for action_charge
2025-06-20 19:57:24,141 data.base INFO <10440.00> Total reward: {}
2025-06-20 19:57:24,141 comm.communication INFO <10440.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,142 sats.satellite.Scanner-1 INFO <10440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,143 gym INFO <10440.00> Step reward: 0.0
2025-06-20 19:57:24,144 gym INFO <10440.00> === STARTING STEP ===
2025-06-20 19:57:24,144 sats.satellite.Scanner-1 INFO <10440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:24,145 sats.satellite.Scanner-1 INFO <10440.00> Scanner-1: setting timed terminal event at 10620.0
2025-06-20 19:57:24,165 sats.satellite.Scanner-1 INFO <10620.00> Scanner-1: timed termination at 10620.0 for action_nadir_scan
2025-06-20 19:57:24,166 data.base INFO <10620.00> Total reward: {'Scanner-1': 0.005403508771929824}
2025-06-20 19:57:24,166 comm.communication INFO <10620.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,167 sats.satellite.Scanner-1 INFO <10620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,169 gym INFO <10620.00> Step reward: 0.005403508771929824
2025-06-20 19:57:24,169 gym INFO <10620.00> === STARTING STEP ===
2025-06-20 19:57:24,170 sats.satellite.Scanner-1 INFO <10620.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,171 sats.satellite.Scanner-1 INFO <10620.00> Scanner-1: setting timed terminal event at 10680.0
2025-06-20 19:57:24,178 sats.satellite.Scanner-1 INFO <10680.00> Scanner-1: timed termination at 10680.0 for action_downlink
2025-06-20 19:57:24,178 data.base INFO <10680.00> Total reward: {}
2025-06-20 19:57:24,179 comm.communication INFO <10680.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,180 sats.satellite.Scanner-1 INFO <10680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,181 gym INFO <10680.00> Step reward: 0.0
2025-06-20 19:57:24,182 gym INFO <10680.00> === STARTING STEP ===
2025-06-20 19:57:24,183 sats.satellite.Scanner-1 INFO <10680.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,183 sats.satellite.Scanner-1 INFO <10680.00> Scanner-1: setting timed terminal event at 10740.0
2025-06-20 19:57:24,190 sats.satellite.Scanner-1 INFO <10740.00> Scanner-1: timed termination at 10740.0 for action_downlink
2025-06-20 19:57:24,191 data.base INFO <10740.00> Total reward: {}
2025-06-20 19:57:24,192 comm.communication INFO <10740.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,192 sats.satellite.Scanner-1 INFO <10740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,194 gym INFO <10740.00> Step reward: 0.0
2025-06-20 19:57:24,195 gym INFO <10740.00> === STARTING STEP ===
2025-06-20 19:57:24,195 sats.satellite.Scanner-1 INFO <10740.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,196 sats.satellite.Scanner-1 INFO <10740.00> Scanner-1: setting timed terminal event at 10800.0
2025-06-20 19:57:24,204 sats.satellite.Scanner-1 INFO <10800.00> Scanner-1: timed termination at 10800.0 for action_downlink
2025-06-20 19:57:24,205 data.base INFO <10800.00> Total reward: {}
2025-06-20 19:57:24,205 comm.communication INFO <10800.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,206 sats.satellite.Scanner-1 INFO <10800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,208 gym INFO <10800.00> Step reward: 0.0
2025-06-20 19:57:24,208 gym INFO <10800.00> === STARTING STEP ===
2025-06-20 19:57:24,209 sats.satellite.Scanner-1 INFO <10800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,210 sats.satellite.Scanner-1 INFO <10800.00> Scanner-1: setting timed terminal event at 10860.0
2025-06-20 19:57:24,217 sats.satellite.Scanner-1 INFO <10860.00> Scanner-1: timed termination at 10860.0 for action_desat
2025-06-20 19:57:24,218 data.base INFO <10860.00> Total reward: {}
2025-06-20 19:57:24,218 comm.communication INFO <10860.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,219 sats.satellite.Scanner-1 INFO <10860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,220 gym INFO <10860.00> Step reward: 0.0
2025-06-20 19:57:24,221 gym INFO <10860.00> === STARTING STEP ===
2025-06-20 19:57:24,221 sats.satellite.Scanner-1 INFO <10860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,222 sats.satellite.Scanner-1 INFO <10860.00> Scanner-1: setting timed terminal event at 10920.0
2025-06-20 19:57:24,230 sats.satellite.Scanner-1 INFO <10920.00> Scanner-1: timed termination at 10920.0 for action_desat
2025-06-20 19:57:24,231 data.base INFO <10920.00> Total reward: {}
2025-06-20 19:57:24,231 comm.communication INFO <10920.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,232 sats.satellite.Scanner-1 INFO <10920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,233 gym INFO <10920.00> Step reward: 0.0
2025-06-20 19:57:24,234 gym INFO <10920.00> === STARTING STEP ===
2025-06-20 19:57:24,235 sats.satellite.Scanner-1 INFO <10920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,235 sats.satellite.Scanner-1 INFO <10920.00> Scanner-1: setting timed terminal event at 11040.0
2025-06-20 19:57:24,248 sats.satellite.Scanner-1 INFO <11040.00> Scanner-1: timed termination at 11040.0 for action_charge
2025-06-20 19:57:24,249 data.base INFO <11040.00> Total reward: {}
2025-06-20 19:57:24,250 comm.communication INFO <11040.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,250 sats.satellite.Scanner-1 INFO <11040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,252 gym INFO <11040.00> Step reward: 0.0
2025-06-20 19:57:24,252 gym INFO <11040.00> === STARTING STEP ===
2025-06-20 19:57:24,253 sats.satellite.Scanner-1 INFO <11040.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,253 sats.satellite.Scanner-1 INFO <11040.00> Scanner-1: setting timed terminal event at 11100.0
2025-06-20 19:57:24,261 sats.satellite.Scanner-1 INFO <11100.00> Scanner-1: timed termination at 11100.0 for action_downlink
2025-06-20 19:57:24,261 data.base INFO <11100.00> Total reward: {}
2025-06-20 19:57:24,262 comm.communication INFO <11100.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,262 sats.satellite.Scanner-1 INFO <11100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,264 gym INFO <11100.00> Step reward: 0.0
2025-06-20 19:57:24,265 gym INFO <11100.00> === STARTING STEP ===
2025-06-20 19:57:24,265 sats.satellite.Scanner-1 INFO <11100.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,266 sats.satellite.Scanner-1 INFO <11100.00> Scanner-1: setting timed terminal event at 11220.0
2025-06-20 19:57:24,279 sats.satellite.Scanner-1 INFO <11220.00> Scanner-1: timed termination at 11220.0 for action_charge
2025-06-20 19:57:24,280 data.base INFO <11220.00> Total reward: {}
2025-06-20 19:57:24,280 comm.communication INFO <11220.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,281 sats.satellite.Scanner-1 INFO <11220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,283 gym INFO <11220.00> Step reward: 0.0
2025-06-20 19:57:24,283 gym INFO <11220.00> === STARTING STEP ===
2025-06-20 19:57:24,284 sats.satellite.Scanner-1 INFO <11220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,284 sats.satellite.Scanner-1 INFO <11220.00> Scanner-1: setting timed terminal event at 11280.0
2025-06-20 19:57:24,293 sats.satellite.Scanner-1 INFO <11280.00> Scanner-1: timed termination at 11280.0 for action_downlink
2025-06-20 19:57:24,294 data.base INFO <11280.00> Total reward: {}
2025-06-20 19:57:24,294 comm.communication INFO <11280.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,294 sats.satellite.Scanner-1 INFO <11280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,296 gym INFO <11280.00> Step reward: 0.0
2025-06-20 19:57:24,297 gym INFO <11280.00> === STARTING STEP ===
2025-06-20 19:57:24,297 sats.satellite.Scanner-1 INFO <11280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,298 sats.satellite.Scanner-1 INFO <11280.00> Scanner-1: setting timed terminal event at 11340.0
2025-06-20 19:57:24,307 sats.satellite.Scanner-1 INFO <11340.00> Scanner-1: timed termination at 11340.0 for action_downlink
2025-06-20 19:57:24,307 data.base INFO <11340.00> Total reward: {}
2025-06-20 19:57:24,308 comm.communication INFO <11340.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,308 sats.satellite.Scanner-1 INFO <11340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,310 gym INFO <11340.00> Step reward: 0.0
2025-06-20 19:57:24,310 gym INFO <11340.00> === STARTING STEP ===
2025-06-20 19:57:24,311 sats.satellite.Scanner-1 INFO <11340.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,312 sats.satellite.Scanner-1 INFO <11340.00> Scanner-1: setting timed terminal event at 11400.0
2025-06-20 19:57:24,320 sats.satellite.Scanner-1 INFO <11400.00> Scanner-1: timed termination at 11400.0 for action_downlink
2025-06-20 19:57:24,320 data.base INFO <11400.00> Total reward: {}
2025-06-20 19:57:24,320 comm.communication INFO <11400.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,321 sats.satellite.Scanner-1 INFO <11400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,323 gym INFO <11400.00> Step reward: 0.0
2025-06-20 19:57:24,323 gym INFO <11400.00> === STARTING STEP ===
2025-06-20 19:57:24,324 sats.satellite.Scanner-1 INFO <11400.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,324 sats.satellite.Scanner-1 INFO <11400.00> Scanner-1: setting timed terminal event at 11460.0
2025-06-20 19:57:24,332 sats.satellite.Scanner-1 INFO <11460.00> Scanner-1: timed termination at 11460.0 for action_desat
2025-06-20 19:57:24,333 data.base INFO <11460.00> Total reward: {}
2025-06-20 19:57:24,333 comm.communication INFO <11460.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,334 sats.satellite.Scanner-1 INFO <11460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,335 gym INFO <11460.00> Step reward: 0.0
2025-06-20 19:57:24,336 gym INFO <11460.00> === STARTING STEP ===
2025-06-20 19:57:24,336 sats.satellite.Scanner-1 INFO <11460.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,337 sats.satellite.Scanner-1 INFO <11460.00> Scanner-1: setting timed terminal event at 11520.0
2025-06-20 19:57:24,345 sats.satellite.Scanner-1 INFO <11520.00> Scanner-1: timed termination at 11520.0 for action_desat
2025-06-20 19:57:24,346 data.base INFO <11520.00> Total reward: {}
2025-06-20 19:57:24,347 comm.communication INFO <11520.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,347 sats.satellite.Scanner-1 INFO <11520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,349 gym INFO <11520.00> Step reward: 0.0
2025-06-20 19:57:24,350 gym INFO <11520.00> === STARTING STEP ===
2025-06-20 19:57:24,350 sats.satellite.Scanner-1 INFO <11520.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,350 sats.satellite.Scanner-1 INFO <11520.00> Scanner-1: setting timed terminal event at 11640.0
2025-06-20 19:57:24,363 sats.satellite.Scanner-1 INFO <11640.00> Scanner-1: timed termination at 11640.0 for action_charge
2025-06-20 19:57:24,364 data.base INFO <11640.00> Total reward: {}
2025-06-20 19:57:24,365 comm.communication INFO <11640.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,365 sats.satellite.Scanner-1 INFO <11640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,366 gym INFO <11640.00> Step reward: 0.0
2025-06-20 19:57:24,367 gym INFO <11640.00> === STARTING STEP ===
2025-06-20 19:57:24,368 sats.satellite.Scanner-1 INFO <11640.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,368 sats.satellite.Scanner-1 INFO <11640.00> Scanner-1: setting timed terminal event at 11700.0
2025-06-20 19:57:24,376 sats.satellite.Scanner-1 INFO <11700.00> Scanner-1: timed termination at 11700.0 for action_desat
2025-06-20 19:57:24,377 data.base INFO <11700.00> Total reward: {}
2025-06-20 19:57:24,377 comm.communication INFO <11700.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,378 sats.satellite.Scanner-1 INFO <11700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,380 gym INFO <11700.00> Step reward: 0.0
2025-06-20 19:57:24,380 gym INFO <11700.00> === STARTING STEP ===
2025-06-20 19:57:24,381 sats.satellite.Scanner-1 INFO <11700.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,381 sats.satellite.Scanner-1 INFO <11700.00> Scanner-1: setting timed terminal event at 11820.0
2025-06-20 19:57:24,395 sats.satellite.Scanner-1 INFO <11820.00> Scanner-1: timed termination at 11820.0 for action_charge
2025-06-20 19:57:24,395 data.base INFO <11820.00> Total reward: {}
2025-06-20 19:57:24,396 comm.communication INFO <11820.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,397 sats.satellite.Scanner-1 INFO <11820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,398 gym INFO <11820.00> Step reward: 0.0
2025-06-20 19:57:24,399 gym INFO <11820.00> === STARTING STEP ===
2025-06-20 19:57:24,400 sats.satellite.Scanner-1 INFO <11820.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:24,400 sats.satellite.Scanner-1 INFO <11820.00> Scanner-1: setting timed terminal event at 12000.0
2025-06-20 19:57:24,419 sats.satellite.Scanner-1 INFO <12000.00> Scanner-1: timed termination at 12000.0 for action_nadir_scan
2025-06-20 19:57:24,420 data.base INFO <12000.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-06-20 19:57:24,421 comm.communication INFO <12000.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,421 sats.satellite.Scanner-1 INFO <12000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,423 gym INFO <12000.00> Step reward: 0.0049824561403508764
2025-06-20 19:57:24,423 gym INFO <12000.00> === STARTING STEP ===
2025-06-20 19:57:24,424 sats.satellite.Scanner-1 INFO <12000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:24,424 sats.satellite.Scanner-1 INFO <12000.00> Scanner-1: setting timed terminal event at 12180.0
2025-06-20 19:57:24,447 sats.satellite.Scanner-1 INFO <12180.00> Scanner-1: timed termination at 12180.0 for action_nadir_scan
2025-06-20 19:57:24,448 data.base INFO <12180.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:24,449 comm.communication INFO <12180.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,449 sats.satellite.Scanner-1 INFO <12180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,451 gym INFO <12180.00> Step reward: 0.00631578947368421
2025-06-20 19:57:24,451 gym INFO <12180.00> === STARTING STEP ===
2025-06-20 19:57:24,452 sats.satellite.Scanner-1 INFO <12180.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,452 sats.satellite.Scanner-1 INFO <12180.00> Scanner-1: setting timed terminal event at 12240.0
2025-06-20 19:57:24,460 sats.satellite.Scanner-1 INFO <12240.00> Scanner-1: timed termination at 12240.0 for action_downlink
2025-06-20 19:57:24,461 data.base INFO <12240.00> Total reward: {}
2025-06-20 19:57:24,461 comm.communication INFO <12240.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,462 sats.satellite.Scanner-1 INFO <12240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,464 gym INFO <12240.00> Step reward: 0.0
2025-06-20 19:57:24,464 gym INFO <12240.00> === STARTING STEP ===
2025-06-20 19:57:24,465 sats.satellite.Scanner-1 INFO <12240.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,466 sats.satellite.Scanner-1 INFO <12240.00> Scanner-1: setting timed terminal event at 12360.0
2025-06-20 19:57:24,479 sats.satellite.Scanner-1 INFO <12360.00> Scanner-1: timed termination at 12360.0 for action_charge
2025-06-20 19:57:24,479 data.base INFO <12360.00> Total reward: {}
2025-06-20 19:57:24,480 comm.communication INFO <12360.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,480 sats.satellite.Scanner-1 INFO <12360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,482 gym INFO <12360.00> Step reward: 0.0
2025-06-20 19:57:24,483 gym INFO <12360.00> === STARTING STEP ===
2025-06-20 19:57:24,483 sats.satellite.Scanner-1 INFO <12360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,484 sats.satellite.Scanner-1 INFO <12360.00> Scanner-1: setting timed terminal event at 12420.0
2025-06-20 19:57:24,492 sats.satellite.Scanner-1 INFO <12420.00> Scanner-1: timed termination at 12420.0 for action_desat
2025-06-20 19:57:24,492 data.base INFO <12420.00> Total reward: {}
2025-06-20 19:57:24,493 comm.communication INFO <12420.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,493 sats.satellite.Scanner-1 INFO <12420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,495 gym INFO <12420.00> Step reward: 0.0
2025-06-20 19:57:24,496 gym INFO <12420.00> === STARTING STEP ===
2025-06-20 19:57:24,497 sats.satellite.Scanner-1 INFO <12420.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,497 sats.satellite.Scanner-1 INFO <12420.00> Scanner-1: setting timed terminal event at 12480.0
2025-06-20 19:57:24,505 sats.satellite.Scanner-1 INFO <12480.00> Scanner-1: timed termination at 12480.0 for action_downlink
2025-06-20 19:57:24,505 data.base INFO <12480.00> Total reward: {}
2025-06-20 19:57:24,506 comm.communication INFO <12480.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,506 sats.satellite.Scanner-1 INFO <12480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,508 gym INFO <12480.00> Step reward: 0.0
2025-06-20 19:57:24,509 gym INFO <12480.00> === STARTING STEP ===
2025-06-20 19:57:24,509 sats.satellite.Scanner-1 INFO <12480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:24,510 sats.satellite.Scanner-1 INFO <12480.00> Scanner-1: setting timed terminal event at 12660.0
2025-06-20 19:57:24,529 sats.satellite.Scanner-1 INFO <12660.00> Scanner-1: timed termination at 12660.0 for action_nadir_scan
2025-06-20 19:57:24,530 data.base INFO <12660.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:24,530 comm.communication INFO <12660.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,531 sats.satellite.Scanner-1 INFO <12660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,533 gym INFO <12660.00> Step reward: 0.004912280701754385
2025-06-20 19:57:24,533 gym INFO <12660.00> === STARTING STEP ===
2025-06-20 19:57:24,534 sats.satellite.Scanner-1 INFO <12660.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,534 sats.satellite.Scanner-1 INFO <12660.00> Scanner-1: setting timed terminal event at 12780.0
2025-06-20 19:57:24,547 sats.satellite.Scanner-1 INFO <12780.00> Scanner-1: timed termination at 12780.0 for action_charge
2025-06-20 19:57:24,548 data.base INFO <12780.00> Total reward: {}
2025-06-20 19:57:24,549 comm.communication INFO <12780.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,549 sats.satellite.Scanner-1 INFO <12780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,551 gym INFO <12780.00> Step reward: 0.0
2025-06-20 19:57:24,552 gym INFO <12780.00> === STARTING STEP ===
2025-06-20 19:57:24,552 sats.satellite.Scanner-1 INFO <12780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,553 sats.satellite.Scanner-1 INFO <12780.00> Scanner-1: setting timed terminal event at 12900.0
2025-06-20 19:57:24,566 sats.satellite.Scanner-1 INFO <12900.00> Scanner-1: timed termination at 12900.0 for action_charge
2025-06-20 19:57:24,567 data.base INFO <12900.00> Total reward: {}
2025-06-20 19:57:24,567 comm.communication INFO <12900.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,568 sats.satellite.Scanner-1 INFO <12900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,570 gym INFO <12900.00> Step reward: 0.0
2025-06-20 19:57:24,571 gym INFO <12900.00> === STARTING STEP ===
2025-06-20 19:57:24,571 sats.satellite.Scanner-1 INFO <12900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,571 sats.satellite.Scanner-1 INFO <12900.00> Scanner-1: setting timed terminal event at 13020.0
2025-06-20 19:57:24,585 sats.satellite.Scanner-1 INFO <13020.00> Scanner-1: timed termination at 13020.0 for action_charge
2025-06-20 19:57:24,585 data.base INFO <13020.00> Total reward: {}
2025-06-20 19:57:24,586 comm.communication INFO <13020.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,586 sats.satellite.Scanner-1 INFO <13020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,588 gym INFO <13020.00> Step reward: 0.0
2025-06-20 19:57:24,589 gym INFO <13020.00> === STARTING STEP ===
2025-06-20 19:57:24,589 sats.satellite.Scanner-1 INFO <13020.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,589 sats.satellite.Scanner-1 INFO <13020.00> Scanner-1: setting timed terminal event at 13080.0
2025-06-20 19:57:24,598 sats.satellite.Scanner-1 INFO <13080.00> Scanner-1: timed termination at 13080.0 for action_desat
2025-06-20 19:57:24,599 data.base INFO <13080.00> Total reward: {}
2025-06-20 19:57:24,599 comm.communication INFO <13080.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,600 sats.satellite.Scanner-1 INFO <13080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,602 gym INFO <13080.00> Step reward: 0.0
2025-06-20 19:57:24,602 gym INFO <13080.00> === STARTING STEP ===
2025-06-20 19:57:24,603 sats.satellite.Scanner-1 INFO <13080.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,603 sats.satellite.Scanner-1 INFO <13080.00> Scanner-1: setting timed terminal event at 13200.0
2025-06-20 19:57:24,616 sats.satellite.Scanner-1 INFO <13200.00> Scanner-1: timed termination at 13200.0 for action_charge
2025-06-20 19:57:24,617 data.base INFO <13200.00> Total reward: {}
2025-06-20 19:57:24,617 comm.communication INFO <13200.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,618 sats.satellite.Scanner-1 INFO <13200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,620 gym INFO <13200.00> Step reward: 0.0
2025-06-20 19:57:24,621 gym INFO <13200.00> === STARTING STEP ===
2025-06-20 19:57:24,621 sats.satellite.Scanner-1 INFO <13200.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,622 sats.satellite.Scanner-1 INFO <13200.00> Scanner-1: setting timed terminal event at 13260.0
2025-06-20 19:57:24,630 sats.satellite.Scanner-1 INFO <13260.00> Scanner-1: timed termination at 13260.0 for action_desat
2025-06-20 19:57:24,630 data.base INFO <13260.00> Total reward: {}
2025-06-20 19:57:24,631 comm.communication INFO <13260.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,631 sats.satellite.Scanner-1 INFO <13260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,633 gym INFO <13260.00> Step reward: 0.0
2025-06-20 19:57:24,634 gym INFO <13260.00> === STARTING STEP ===
2025-06-20 19:57:24,634 sats.satellite.Scanner-1 INFO <13260.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,636 sats.satellite.Scanner-1 INFO <13260.00> Scanner-1: setting timed terminal event at 13320.0
2025-06-20 19:57:24,643 sats.satellite.Scanner-1 INFO <13320.00> Scanner-1: timed termination at 13320.0 for action_downlink
2025-06-20 19:57:24,644 data.base INFO <13320.00> Total reward: {}
2025-06-20 19:57:24,644 comm.communication INFO <13320.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,645 sats.satellite.Scanner-1 INFO <13320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,647 gym INFO <13320.00> Step reward: 0.0
2025-06-20 19:57:24,647 gym INFO <13320.00> === STARTING STEP ===
2025-06-20 19:57:24,648 sats.satellite.Scanner-1 INFO <13320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,648 sats.satellite.Scanner-1 INFO <13320.00> Scanner-1: setting timed terminal event at 13440.0
2025-06-20 19:57:24,664 sats.satellite.Scanner-1 INFO <13440.00> Scanner-1: timed termination at 13440.0 for action_charge
2025-06-20 19:57:24,664 data.base INFO <13440.00> Total reward: {}
2025-06-20 19:57:24,665 comm.communication INFO <13440.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,665 sats.satellite.Scanner-1 INFO <13440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,667 gym INFO <13440.00> Step reward: 0.0
2025-06-20 19:57:24,668 gym INFO <13440.00> === STARTING STEP ===
2025-06-20 19:57:24,669 sats.satellite.Scanner-1 INFO <13440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,669 sats.satellite.Scanner-1 INFO <13440.00> Scanner-1: setting timed terminal event at 13500.0
2025-06-20 19:57:24,678 sats.satellite.Scanner-1 INFO <13500.00> Scanner-1: timed termination at 13500.0 for action_desat
2025-06-20 19:57:24,679 data.base INFO <13500.00> Total reward: {}
2025-06-20 19:57:24,679 comm.communication INFO <13500.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,680 sats.satellite.Scanner-1 INFO <13500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,682 gym INFO <13500.00> Step reward: 0.0
2025-06-20 19:57:24,682 gym INFO <13500.00> === STARTING STEP ===
2025-06-20 19:57:24,683 sats.satellite.Scanner-1 INFO <13500.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,683 sats.satellite.Scanner-1 INFO <13500.00> Scanner-1: setting timed terminal event at 13620.0
2025-06-20 19:57:24,699 sats.satellite.Scanner-1 INFO <13620.00> Scanner-1: timed termination at 13620.0 for action_charge
2025-06-20 19:57:24,699 data.base INFO <13620.00> Total reward: {}
2025-06-20 19:57:24,700 comm.communication INFO <13620.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,700 sats.satellite.Scanner-1 INFO <13620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,702 gym INFO <13620.00> Step reward: 0.0
2025-06-20 19:57:24,703 gym INFO <13620.00> === STARTING STEP ===
2025-06-20 19:57:24,703 sats.satellite.Scanner-1 INFO <13620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:24,704 sats.satellite.Scanner-1 INFO <13620.00> Scanner-1: setting timed terminal event at 13800.0
2025-06-20 19:57:24,726 sats.satellite.Scanner-1 INFO <13800.00> Scanner-1: timed termination at 13800.0 for action_nadir_scan
2025-06-20 19:57:24,727 data.base INFO <13800.00> Total reward: {'Scanner-1': 0.0048070175438596485}
2025-06-20 19:57:24,727 comm.communication INFO <13800.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,728 sats.satellite.Scanner-1 INFO <13800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,730 gym INFO <13800.00> Step reward: 0.0048070175438596485
2025-06-20 19:57:24,730 gym INFO <13800.00> === STARTING STEP ===
2025-06-20 19:57:24,731 sats.satellite.Scanner-1 INFO <13800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,731 sats.satellite.Scanner-1 INFO <13800.00> Scanner-1: setting timed terminal event at 13860.0
2025-06-20 19:57:24,741 sats.satellite.Scanner-1 INFO <13860.00> Scanner-1: timed termination at 13860.0 for action_desat
2025-06-20 19:57:24,741 data.base INFO <13860.00> Total reward: {}
2025-06-20 19:57:24,742 comm.communication INFO <13860.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,742 sats.satellite.Scanner-1 INFO <13860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,744 gym INFO <13860.00> Step reward: 0.0
2025-06-20 19:57:24,745 gym INFO <13860.00> === STARTING STEP ===
2025-06-20 19:57:24,746 sats.satellite.Scanner-1 INFO <13860.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,746 sats.satellite.Scanner-1 INFO <13860.00> Scanner-1: setting timed terminal event at 13980.0
2025-06-20 19:57:24,761 sats.satellite.Scanner-1 INFO <13980.00> Scanner-1: timed termination at 13980.0 for action_charge
2025-06-20 19:57:24,762 data.base INFO <13980.00> Total reward: {}
2025-06-20 19:57:24,762 comm.communication INFO <13980.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,763 sats.satellite.Scanner-1 INFO <13980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,765 gym INFO <13980.00> Step reward: 0.0
2025-06-20 19:57:24,765 gym INFO <13980.00> === STARTING STEP ===
2025-06-20 19:57:24,766 sats.satellite.Scanner-1 INFO <13980.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,766 sats.satellite.Scanner-1 INFO <13980.00> Scanner-1: setting timed terminal event at 14040.0
2025-06-20 19:57:24,775 sats.satellite.Scanner-1 INFO <14040.00> Scanner-1: timed termination at 14040.0 for action_downlink
2025-06-20 19:57:24,776 data.base INFO <14040.00> Total reward: {}
2025-06-20 19:57:24,776 comm.communication INFO <14040.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,777 sats.satellite.Scanner-1 INFO <14040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,778 gym INFO <14040.00> Step reward: 0.0
2025-06-20 19:57:24,779 gym INFO <14040.00> === STARTING STEP ===
2025-06-20 19:57:24,779 sats.satellite.Scanner-1 INFO <14040.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:24,780 sats.satellite.Scanner-1 INFO <14040.00> Scanner-1: setting timed terminal event at 14220.0
2025-06-20 19:57:24,802 sats.satellite.Scanner-1 INFO <14220.00> Scanner-1: timed termination at 14220.0 for action_nadir_scan
2025-06-20 19:57:24,803 data.base INFO <14220.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-06-20 19:57:24,804 comm.communication INFO <14220.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,804 sats.satellite.Scanner-1 INFO <14220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,806 gym INFO <14220.00> Step reward: 0.004947368421052631
2025-06-20 19:57:24,807 gym INFO <14220.00> === STARTING STEP ===
2025-06-20 19:57:24,807 sats.satellite.Scanner-1 INFO <14220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,808 sats.satellite.Scanner-1 INFO <14220.00> Scanner-1: setting timed terminal event at 14280.0
2025-06-20 19:57:24,815 sats.satellite.Scanner-1 INFO <14280.00> Scanner-1: timed termination at 14280.0 for action_downlink
2025-06-20 19:57:24,816 data.base INFO <14280.00> Total reward: {}
2025-06-20 19:57:24,816 comm.communication INFO <14280.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,817 sats.satellite.Scanner-1 INFO <14280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,819 gym INFO <14280.00> Step reward: 0.0
2025-06-20 19:57:24,819 gym INFO <14280.00> === STARTING STEP ===
2025-06-20 19:57:24,820 sats.satellite.Scanner-1 INFO <14280.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,820 sats.satellite.Scanner-1 INFO <14280.00> Scanner-1: setting timed terminal event at 14400.0
2025-06-20 19:57:24,834 sats.satellite.Scanner-1 INFO <14400.00> Scanner-1: timed termination at 14400.0 for action_charge
2025-06-20 19:57:24,834 data.base INFO <14400.00> Total reward: {}
2025-06-20 19:57:24,835 comm.communication INFO <14400.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,835 sats.satellite.Scanner-1 INFO <14400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,837 gym INFO <14400.00> Step reward: 0.0
2025-06-20 19:57:24,838 gym INFO <14400.00> === STARTING STEP ===
2025-06-20 19:57:24,838 sats.satellite.Scanner-1 INFO <14400.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:24,839 sats.satellite.Scanner-1 INFO <14400.00> Scanner-1: setting timed terminal event at 14460.0
2025-06-20 19:57:24,847 sats.satellite.Scanner-1 INFO <14460.00> Scanner-1: timed termination at 14460.0 for action_desat
2025-06-20 19:57:24,847 data.base INFO <14460.00> Total reward: {}
2025-06-20 19:57:24,847 comm.communication INFO <14460.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,848 sats.satellite.Scanner-1 INFO <14460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,850 gym INFO <14460.00> Step reward: 0.0
2025-06-20 19:57:24,850 gym INFO <14460.00> === STARTING STEP ===
2025-06-20 19:57:24,851 sats.satellite.Scanner-1 INFO <14460.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:24,851 sats.satellite.Scanner-1 INFO <14460.00> Scanner-1: setting timed terminal event at 14640.0
2025-06-20 19:57:24,871 sats.satellite.Scanner-1 INFO <14640.00> Scanner-1: timed termination at 14640.0 for action_nadir_scan
2025-06-20 19:57:24,871 data.base INFO <14640.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-06-20 19:57:24,872 comm.communication INFO <14640.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,873 sats.satellite.Scanner-1 INFO <14640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,874 gym INFO <14640.00> Step reward: 0.004947368421052631
2025-06-20 19:57:24,875 gym INFO <14640.00> === STARTING STEP ===
2025-06-20 19:57:24,875 sats.satellite.Scanner-1 INFO <14640.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:24,876 sats.satellite.Scanner-1 INFO <14640.00> Scanner-1: setting timed terminal event at 14820.0
2025-06-20 19:57:24,898 sats.satellite.Scanner-1 INFO <14820.00> Scanner-1: timed termination at 14820.0 for action_nadir_scan
2025-06-20 19:57:24,899 data.base INFO <14820.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:24,899 comm.communication INFO <14820.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,900 sats.satellite.Scanner-1 INFO <14820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,902 gym INFO <14820.00> Step reward: 0.00631578947368421
2025-06-20 19:57:24,903 gym INFO <14820.00> === STARTING STEP ===
2025-06-20 19:57:24,903 sats.satellite.Scanner-1 INFO <14820.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,904 sats.satellite.Scanner-1 INFO <14820.00> Scanner-1: setting timed terminal event at 14940.0
2025-06-20 19:57:24,919 sats.satellite.Scanner-1 INFO <14940.00> Scanner-1: timed termination at 14940.0 for action_charge
2025-06-20 19:57:24,919 data.base INFO <14940.00> Total reward: {}
2025-06-20 19:57:24,920 comm.communication INFO <14940.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,921 sats.satellite.Scanner-1 INFO <14940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,922 gym INFO <14940.00> Step reward: 0.0
2025-06-20 19:57:24,923 gym INFO <14940.00> === STARTING STEP ===
2025-06-20 19:57:24,923 sats.satellite.Scanner-1 INFO <14940.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:24,924 sats.satellite.Scanner-1 INFO <14940.00> Scanner-1: setting timed terminal event at 15120.0
2025-06-20 19:57:24,944 sats.satellite.Scanner-1 INFO <15120.00> Scanner-1: timed termination at 15120.0 for action_nadir_scan
2025-06-20 19:57:24,945 data.base INFO <15120.00> Total reward: {'Scanner-1': 0.005052631578947368}
2025-06-20 19:57:24,945 comm.communication INFO <15120.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,946 sats.satellite.Scanner-1 INFO <15120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,948 gym INFO <15120.00> Step reward: 0.005052631578947368
2025-06-20 19:57:24,949 gym INFO <15120.00> === STARTING STEP ===
2025-06-20 19:57:24,949 sats.satellite.Scanner-1 INFO <15120.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,950 sats.satellite.Scanner-1 INFO <15120.00> Scanner-1: setting timed terminal event at 15180.0
2025-06-20 19:57:24,957 sats.satellite.Scanner-1 INFO <15180.00> Scanner-1: timed termination at 15180.0 for action_downlink
2025-06-20 19:57:24,958 data.base INFO <15180.00> Total reward: {}
2025-06-20 19:57:24,958 comm.communication INFO <15180.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,958 sats.satellite.Scanner-1 INFO <15180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,960 gym INFO <15180.00> Step reward: 0.0
2025-06-20 19:57:24,961 gym INFO <15180.00> === STARTING STEP ===
2025-06-20 19:57:24,961 sats.satellite.Scanner-1 INFO <15180.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,962 sats.satellite.Scanner-1 INFO <15180.00> Scanner-1: setting timed terminal event at 15240.0
2025-06-20 19:57:24,969 sats.satellite.Scanner-1 INFO <15240.00> Scanner-1: timed termination at 15240.0 for action_downlink
2025-06-20 19:57:24,970 data.base INFO <15240.00> Total reward: {}
2025-06-20 19:57:24,970 comm.communication INFO <15240.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,971 sats.satellite.Scanner-1 INFO <15240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,973 gym INFO <15240.00> Step reward: 0.0
2025-06-20 19:57:24,974 gym INFO <15240.00> === STARTING STEP ===
2025-06-20 19:57:24,974 sats.satellite.Scanner-1 INFO <15240.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:24,974 sats.satellite.Scanner-1 INFO <15240.00> Scanner-1: setting timed terminal event at 15360.0
2025-06-20 19:57:24,988 sats.satellite.Scanner-1 INFO <15360.00> Scanner-1: timed termination at 15360.0 for action_charge
2025-06-20 19:57:24,988 data.base INFO <15360.00> Total reward: {}
2025-06-20 19:57:24,989 comm.communication INFO <15360.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:24,989 sats.satellite.Scanner-1 INFO <15360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:24,991 gym INFO <15360.00> Step reward: 0.0
2025-06-20 19:57:24,992 gym INFO <15360.00> === STARTING STEP ===
2025-06-20 19:57:24,992 sats.satellite.Scanner-1 INFO <15360.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:24,993 sats.satellite.Scanner-1 INFO <15360.00> Scanner-1: setting timed terminal event at 15420.0
2025-06-20 19:57:25,000 sats.satellite.Scanner-1 INFO <15420.00> Scanner-1: timed termination at 15420.0 for action_downlink
2025-06-20 19:57:25,001 data.base INFO <15420.00> Total reward: {}
2025-06-20 19:57:25,001 comm.communication INFO <15420.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,002 sats.satellite.Scanner-1 INFO <15420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,003 gym INFO <15420.00> Step reward: 0.0
2025-06-20 19:57:25,004 gym INFO <15420.00> === STARTING STEP ===
2025-06-20 19:57:25,004 sats.satellite.Scanner-1 INFO <15420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:25,005 sats.satellite.Scanner-1 INFO <15420.00> Scanner-1: setting timed terminal event at 15480.0
2025-06-20 19:57:25,013 sats.satellite.Scanner-1 INFO <15480.00> Scanner-1: timed termination at 15480.0 for action_desat
2025-06-20 19:57:25,013 data.base INFO <15480.00> Total reward: {}
2025-06-20 19:57:25,014 comm.communication INFO <15480.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,015 sats.satellite.Scanner-1 INFO <15480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,016 gym INFO <15480.00> Step reward: 0.0
2025-06-20 19:57:25,017 gym INFO <15480.00> === STARTING STEP ===
2025-06-20 19:57:25,018 sats.satellite.Scanner-1 INFO <15480.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:25,018 sats.satellite.Scanner-1 INFO <15480.00> Scanner-1: setting timed terminal event at 15540.0
2025-06-20 19:57:25,026 sats.satellite.Scanner-1 INFO <15540.00> Scanner-1: timed termination at 15540.0 for action_downlink
2025-06-20 19:57:25,026 data.base INFO <15540.00> Total reward: {}
2025-06-20 19:57:25,027 comm.communication INFO <15540.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,027 sats.satellite.Scanner-1 INFO <15540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,029 gym INFO <15540.00> Step reward: 0.0
2025-06-20 19:57:25,030 gym INFO <15540.00> === STARTING STEP ===
2025-06-20 19:57:25,030 sats.satellite.Scanner-1 INFO <15540.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,031 sats.satellite.Scanner-1 INFO <15540.00> Scanner-1: setting timed terminal event at 15720.0
2025-06-20 19:57:25,050 sats.satellite.Scanner-1 INFO <15720.00> Scanner-1: timed termination at 15720.0 for action_nadir_scan
2025-06-20 19:57:25,050 data.base INFO <15720.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-06-20 19:57:25,051 comm.communication INFO <15720.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,051 sats.satellite.Scanner-1 INFO <15720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,053 gym INFO <15720.00> Step reward: 0.004947368421052631
2025-06-20 19:57:25,054 gym INFO <15720.00> === STARTING STEP ===
2025-06-20 19:57:25,055 sats.satellite.Scanner-1 INFO <15720.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,055 sats.satellite.Scanner-1 INFO <15720.00> Scanner-1: setting timed terminal event at 15900.0
2025-06-20 19:57:25,074 sats.satellite.Scanner-1 INFO <15900.00> Scanner-1: timed termination at 15900.0 for action_nadir_scan
2025-06-20 19:57:25,075 data.base INFO <15900.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:25,075 comm.communication INFO <15900.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,075 sats.satellite.Scanner-1 INFO <15900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,077 gym INFO <15900.00> Step reward: 0.00631578947368421
2025-06-20 19:57:25,078 gym INFO <15900.00> === STARTING STEP ===
2025-06-20 19:57:25,078 sats.satellite.Scanner-1 INFO <15900.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:25,079 sats.satellite.Scanner-1 INFO <15900.00> Scanner-1: setting timed terminal event at 15960.0
2025-06-20 19:57:25,087 sats.satellite.Scanner-1 INFO <15960.00> Scanner-1: timed termination at 15960.0 for action_desat
2025-06-20 19:57:25,088 data.base INFO <15960.00> Total reward: {}
2025-06-20 19:57:25,088 comm.communication INFO <15960.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,089 sats.satellite.Scanner-1 INFO <15960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,091 gym INFO <15960.00> Step reward: 0.0
2025-06-20 19:57:25,091 gym INFO <15960.00> === STARTING STEP ===
2025-06-20 19:57:25,092 sats.satellite.Scanner-1 INFO <15960.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,092 sats.satellite.Scanner-1 INFO <15960.00> Scanner-1: setting timed terminal event at 16080.0
2025-06-20 19:57:25,107 sats.satellite.Scanner-1 INFO <16080.00> Scanner-1: timed termination at 16080.0 for action_charge
2025-06-20 19:57:25,107 data.base INFO <16080.00> Total reward: {}
2025-06-20 19:57:25,107 comm.communication INFO <16080.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,108 sats.satellite.Scanner-1 INFO <16080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,110 gym INFO <16080.00> Step reward: 0.0
2025-06-20 19:57:25,110 gym INFO <16080.00> === STARTING STEP ===
2025-06-20 19:57:25,111 sats.satellite.Scanner-1 INFO <16080.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,111 sats.satellite.Scanner-1 INFO <16080.00> Scanner-1: setting timed terminal event at 16260.0
2025-06-20 19:57:25,134 sats.satellite.Scanner-1 INFO <16260.00> Scanner-1: timed termination at 16260.0 for action_nadir_scan
2025-06-20 19:57:25,134 data.base INFO <16260.00> Total reward: {'Scanner-1': 0.005403508771929824}
2025-06-20 19:57:25,135 comm.communication INFO <16260.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,136 sats.satellite.Scanner-1 INFO <16260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,138 gym INFO <16260.00> Step reward: 0.005403508771929824
2025-06-20 19:57:25,139 gym INFO <16260.00> === STARTING STEP ===
2025-06-20 19:57:25,139 sats.satellite.Scanner-1 INFO <16260.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:25,139 sats.satellite.Scanner-1 INFO <16260.00> Scanner-1: setting timed terminal event at 16320.0
2025-06-20 19:57:25,148 sats.satellite.Scanner-1 INFO <16320.00> Scanner-1: timed termination at 16320.0 for action_downlink
2025-06-20 19:57:25,149 data.base INFO <16320.00> Total reward: {}
2025-06-20 19:57:25,149 comm.communication INFO <16320.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,150 sats.satellite.Scanner-1 INFO <16320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,151 gym INFO <16320.00> Step reward: 0.0
2025-06-20 19:57:25,152 gym INFO <16320.00> === STARTING STEP ===
2025-06-20 19:57:25,152 sats.satellite.Scanner-1 INFO <16320.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,153 sats.satellite.Scanner-1 INFO <16320.00> Scanner-1: setting timed terminal event at 16500.0
2025-06-20 19:57:25,171 sats.satellite.Scanner-1 INFO <16500.00> Scanner-1: timed termination at 16500.0 for action_nadir_scan
2025-06-20 19:57:25,172 data.base INFO <16500.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-06-20 19:57:25,173 comm.communication INFO <16500.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,173 sats.satellite.Scanner-1 INFO <16500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,175 gym INFO <16500.00> Step reward: 0.00487719298245614
2025-06-20 19:57:25,175 gym INFO <16500.00> === STARTING STEP ===
2025-06-20 19:57:25,176 sats.satellite.Scanner-1 INFO <16500.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:25,176 sats.satellite.Scanner-1 INFO <16500.00> Scanner-1: setting timed terminal event at 16560.0
2025-06-20 19:57:25,185 sats.satellite.Scanner-1 INFO <16560.00> Scanner-1: timed termination at 16560.0 for action_downlink
2025-06-20 19:57:25,185 data.base INFO <16560.00> Total reward: {}
2025-06-20 19:57:25,186 comm.communication INFO <16560.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,186 sats.satellite.Scanner-1 INFO <16560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,188 gym INFO <16560.00> Step reward: 0.0
2025-06-20 19:57:25,189 gym INFO <16560.00> === STARTING STEP ===
2025-06-20 19:57:25,190 sats.satellite.Scanner-1 INFO <16560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:25,190 sats.satellite.Scanner-1 INFO <16560.00> Scanner-1: setting timed terminal event at 16620.0
2025-06-20 19:57:25,198 sats.satellite.Scanner-1 INFO <16620.00> Scanner-1: timed termination at 16620.0 for action_desat
2025-06-20 19:57:25,199 data.base INFO <16620.00> Total reward: {}
2025-06-20 19:57:25,200 comm.communication INFO <16620.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,200 sats.satellite.Scanner-1 INFO <16620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,202 gym INFO <16620.00> Step reward: 0.0
2025-06-20 19:57:25,203 gym INFO <16620.00> === STARTING STEP ===
2025-06-20 19:57:25,203 sats.satellite.Scanner-1 INFO <16620.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:25,204 sats.satellite.Scanner-1 INFO <16620.00> Scanner-1: setting timed terminal event at 16680.0
2025-06-20 19:57:25,212 sats.satellite.Scanner-1 INFO <16680.00> Scanner-1: timed termination at 16680.0 for action_downlink
2025-06-20 19:57:25,213 data.base INFO <16680.00> Total reward: {}
2025-06-20 19:57:25,213 comm.communication INFO <16680.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,214 sats.satellite.Scanner-1 INFO <16680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,215 gym INFO <16680.00> Step reward: 0.0
2025-06-20 19:57:25,216 gym INFO <16680.00> === STARTING STEP ===
2025-06-20 19:57:25,217 sats.satellite.Scanner-1 INFO <16680.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,217 sats.satellite.Scanner-1 INFO <16680.00> Scanner-1: setting timed terminal event at 16860.0
2025-06-20 19:57:25,236 sats.satellite.Scanner-1 INFO <16860.00> Scanner-1: timed termination at 16860.0 for action_nadir_scan
2025-06-20 19:57:25,237 data.base INFO <16860.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:25,238 comm.communication INFO <16860.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,238 sats.satellite.Scanner-1 INFO <16860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,240 gym INFO <16860.00> Step reward: 0.004912280701754385
2025-06-20 19:57:25,240 gym INFO <16860.00> === STARTING STEP ===
2025-06-20 19:57:25,241 sats.satellite.Scanner-1 INFO <16860.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,241 sats.satellite.Scanner-1 INFO <16860.00> Scanner-1: setting timed terminal event at 16980.0
2025-06-20 19:57:25,255 sats.satellite.Scanner-1 INFO <16980.00> Scanner-1: timed termination at 16980.0 for action_charge
2025-06-20 19:57:25,255 data.base INFO <16980.00> Total reward: {}
2025-06-20 19:57:25,256 comm.communication INFO <16980.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,256 sats.satellite.Scanner-1 INFO <16980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,258 gym INFO <16980.00> Step reward: 0.0
2025-06-20 19:57:25,258 gym INFO <16980.00> === STARTING STEP ===
2025-06-20 19:57:25,259 sats.satellite.Scanner-1 INFO <16980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,259 sats.satellite.Scanner-1 INFO <16980.00> Scanner-1: setting timed terminal event at 17160.0
2025-06-20 19:57:25,279 sats.satellite.Scanner-1 INFO <17160.00> Scanner-1: timed termination at 17160.0 for action_nadir_scan
2025-06-20 19:57:25,279 data.base INFO <17160.00> Total reward: {'Scanner-1': 0.005298245614035088}
2025-06-20 19:57:25,280 comm.communication INFO <17160.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,281 sats.satellite.Scanner-1 INFO <17160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,282 gym INFO <17160.00> Step reward: 0.005298245614035088
2025-06-20 19:57:25,283 gym INFO <17160.00> === STARTING STEP ===
2025-06-20 19:57:25,283 sats.satellite.Scanner-1 INFO <17160.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:25,284 sats.satellite.Scanner-1 INFO <17160.00> Scanner-1: setting timed terminal event at 17220.0
2025-06-20 19:57:25,291 sats.satellite.Scanner-1 INFO <17220.00> Scanner-1: timed termination at 17220.0 for action_desat
2025-06-20 19:57:25,292 data.base INFO <17220.00> Total reward: {}
2025-06-20 19:57:25,292 comm.communication INFO <17220.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,293 sats.satellite.Scanner-1 INFO <17220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,295 gym INFO <17220.00> Step reward: 0.0
2025-06-20 19:57:25,295 gym INFO <17220.00> === STARTING STEP ===
2025-06-20 19:57:25,296 sats.satellite.Scanner-1 INFO <17220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:25,296 sats.satellite.Scanner-1 INFO <17220.00> Scanner-1: setting timed terminal event at 17280.0
2025-06-20 19:57:25,304 sats.satellite.Scanner-1 INFO <17280.00> Scanner-1: timed termination at 17280.0 for action_desat
2025-06-20 19:57:25,305 data.base INFO <17280.00> Total reward: {}
2025-06-20 19:57:25,305 comm.communication INFO <17280.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,306 sats.satellite.Scanner-1 INFO <17280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,308 gym INFO <17280.00> Step reward: 0.0
2025-06-20 19:57:25,308 gym INFO <17280.00> === STARTING STEP ===
2025-06-20 19:57:25,309 sats.satellite.Scanner-1 INFO <17280.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:25,309 sats.satellite.Scanner-1 INFO <17280.00> Scanner-1: setting timed terminal event at 17340.0
2025-06-20 19:57:25,317 sats.satellite.Scanner-1 INFO <17340.00> Scanner-1: timed termination at 17340.0 for action_desat
2025-06-20 19:57:25,318 data.base INFO <17340.00> Total reward: {}
2025-06-20 19:57:25,318 comm.communication INFO <17340.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,319 sats.satellite.Scanner-1 INFO <17340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,320 gym INFO <17340.00> Step reward: 0.0
2025-06-20 19:57:25,321 gym INFO <17340.00> === STARTING STEP ===
2025-06-20 19:57:25,322 sats.satellite.Scanner-1 INFO <17340.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,322 sats.satellite.Scanner-1 INFO <17340.00> Scanner-1: setting timed terminal event at 17460.0
2025-06-20 19:57:25,335 sats.satellite.Scanner-1 INFO <17460.00> Scanner-1: timed termination at 17460.0 for action_charge
2025-06-20 19:57:25,336 data.base INFO <17460.00> Total reward: {}
2025-06-20 19:57:25,336 comm.communication INFO <17460.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,336 sats.satellite.Scanner-1 INFO <17460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,338 gym INFO <17460.00> Step reward: 0.0
2025-06-20 19:57:25,340 gym INFO <17460.00> === STARTING STEP ===
2025-06-20 19:57:25,340 sats.satellite.Scanner-1 INFO <17460.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:25,341 sats.satellite.Scanner-1 INFO <17460.00> Scanner-1: setting timed terminal event at 17520.0
2025-06-20 19:57:25,348 sats.satellite.Scanner-1 INFO <17520.00> Scanner-1: timed termination at 17520.0 for action_desat
2025-06-20 19:57:25,349 data.base INFO <17520.00> Total reward: {}
2025-06-20 19:57:25,349 comm.communication INFO <17520.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,350 sats.satellite.Scanner-1 INFO <17520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,351 gym INFO <17520.00> Step reward: 0.0
2025-06-20 19:57:25,352 gym INFO <17520.00> === STARTING STEP ===
2025-06-20 19:57:25,353 sats.satellite.Scanner-1 INFO <17520.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,353 sats.satellite.Scanner-1 INFO <17520.00> Scanner-1: setting timed terminal event at 17700.0
2025-06-20 19:57:25,373 sats.satellite.Scanner-1 INFO <17700.00> Scanner-1: timed termination at 17700.0 for action_nadir_scan
2025-06-20 19:57:25,373 data.base INFO <17700.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:25,374 comm.communication INFO <17700.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,375 sats.satellite.Scanner-1 INFO <17700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,376 gym INFO <17700.00> Step reward: 0.004912280701754385
2025-06-20 19:57:25,377 gym INFO <17700.00> === STARTING STEP ===
2025-06-20 19:57:25,377 sats.satellite.Scanner-1 INFO <17700.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:25,378 sats.satellite.Scanner-1 INFO <17700.00> Scanner-1: setting timed terminal event at 17760.0
2025-06-20 19:57:25,387 sats.satellite.Scanner-1 INFO <17760.00> Scanner-1: timed termination at 17760.0 for action_downlink
2025-06-20 19:57:25,387 data.base INFO <17760.00> Total reward: {}
2025-06-20 19:57:25,388 comm.communication INFO <17760.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,388 sats.satellite.Scanner-1 INFO <17760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,390 gym INFO <17760.00> Step reward: 0.0
2025-06-20 19:57:25,390 gym INFO <17760.00> === STARTING STEP ===
2025-06-20 19:57:25,391 sats.satellite.Scanner-1 INFO <17760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:25,391 sats.satellite.Scanner-1 INFO <17760.00> Scanner-1: setting timed terminal event at 17820.0
2025-06-20 19:57:25,400 sats.satellite.Scanner-1 INFO <17820.00> Scanner-1: timed termination at 17820.0 for action_desat
2025-06-20 19:57:25,401 data.base INFO <17820.00> Total reward: {}
2025-06-20 19:57:25,401 comm.communication INFO <17820.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,402 sats.satellite.Scanner-1 INFO <17820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,404 gym INFO <17820.00> Step reward: 0.0
2025-06-20 19:57:25,404 gym INFO <17820.00> === STARTING STEP ===
2025-06-20 19:57:25,405 sats.satellite.Scanner-1 INFO <17820.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,405 sats.satellite.Scanner-1 INFO <17820.00> Scanner-1: setting timed terminal event at 18000.0
2025-06-20 19:57:25,427 sats.satellite.Scanner-1 INFO <18000.00> Scanner-1: timed termination at 18000.0 for action_nadir_scan
2025-06-20 19:57:25,428 data.base INFO <18000.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:25,429 comm.communication INFO <18000.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,429 sats.satellite.Scanner-1 INFO <18000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,431 gym INFO <18000.00> Step reward: 0.004912280701754385
2025-06-20 19:57:25,432 gym INFO <18000.00> === STARTING STEP ===
2025-06-20 19:57:25,432 sats.satellite.Scanner-1 INFO <18000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,432 sats.satellite.Scanner-1 INFO <18000.00> Scanner-1: setting timed terminal event at 18180.0
2025-06-20 19:57:25,455 sats.satellite.Scanner-1 INFO <18180.00> Scanner-1: timed termination at 18180.0 for action_nadir_scan
2025-06-20 19:57:25,456 data.base INFO <18180.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:25,457 comm.communication INFO <18180.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,457 sats.satellite.Scanner-1 INFO <18180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,459 gym INFO <18180.00> Step reward: 0.00631578947368421
2025-06-20 19:57:25,459 gym INFO <18180.00> === STARTING STEP ===
2025-06-20 19:57:25,460 sats.satellite.Scanner-1 INFO <18180.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,460 sats.satellite.Scanner-1 INFO <18180.00> Scanner-1: setting timed terminal event at 18300.0
2025-06-20 19:57:25,474 sats.satellite.Scanner-1 INFO <18300.00> Scanner-1: timed termination at 18300.0 for action_charge
2025-06-20 19:57:25,474 data.base INFO <18300.00> Total reward: {}
2025-06-20 19:57:25,475 comm.communication INFO <18300.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,476 sats.satellite.Scanner-1 INFO <18300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,477 gym INFO <18300.00> Step reward: 0.0
2025-06-20 19:57:25,478 gym INFO <18300.00> === STARTING STEP ===
2025-06-20 19:57:25,478 sats.satellite.Scanner-1 INFO <18300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,479 sats.satellite.Scanner-1 INFO <18300.00> Scanner-1: setting timed terminal event at 18480.0
2025-06-20 19:57:25,498 sats.satellite.Scanner-1 INFO <18480.00> Scanner-1: timed termination at 18480.0 for action_nadir_scan
2025-06-20 19:57:25,499 data.base INFO <18480.00> Total reward: {'Scanner-1': 0.004842105263157894}
2025-06-20 19:57:25,499 comm.communication INFO <18480.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,500 sats.satellite.Scanner-1 INFO <18480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,502 gym INFO <18480.00> Step reward: 0.004842105263157894
2025-06-20 19:57:25,503 gym INFO <18480.00> === STARTING STEP ===
2025-06-20 19:57:25,503 sats.satellite.Scanner-1 INFO <18480.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,504 sats.satellite.Scanner-1 INFO <18480.00> Scanner-1: setting timed terminal event at 18600.0
2025-06-20 19:57:25,517 sats.satellite.Scanner-1 INFO <18600.00> Scanner-1: timed termination at 18600.0 for action_charge
2025-06-20 19:57:25,517 data.base INFO <18600.00> Total reward: {}
2025-06-20 19:57:25,518 comm.communication INFO <18600.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,518 sats.satellite.Scanner-1 INFO <18600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,520 gym INFO <18600.00> Step reward: 0.0
2025-06-20 19:57:25,521 gym INFO <18600.00> === STARTING STEP ===
2025-06-20 19:57:25,521 sats.satellite.Scanner-1 INFO <18600.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,522 sats.satellite.Scanner-1 INFO <18600.00> Scanner-1: setting timed terminal event at 18720.0
2025-06-20 19:57:25,535 sats.satellite.Scanner-1 INFO <18720.00> Scanner-1: timed termination at 18720.0 for action_charge
2025-06-20 19:57:25,535 data.base INFO <18720.00> Total reward: {}
2025-06-20 19:57:25,536 comm.communication INFO <18720.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,537 sats.satellite.Scanner-1 INFO <18720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,539 gym INFO <18720.00> Step reward: 0.0
2025-06-20 19:57:25,539 gym INFO <18720.00> === STARTING STEP ===
2025-06-20 19:57:25,540 sats.satellite.Scanner-1 INFO <18720.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:25,540 sats.satellite.Scanner-1 INFO <18720.00> Scanner-1: setting timed terminal event at 18780.0
2025-06-20 19:57:25,548 sats.satellite.Scanner-1 INFO <18780.00> Scanner-1: timed termination at 18780.0 for action_desat
2025-06-20 19:57:25,549 data.base INFO <18780.00> Total reward: {}
2025-06-20 19:57:25,549 comm.communication INFO <18780.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,550 sats.satellite.Scanner-1 INFO <18780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,551 gym INFO <18780.00> Step reward: 0.0
2025-06-20 19:57:25,552 gym INFO <18780.00> === STARTING STEP ===
2025-06-20 19:57:25,552 sats.satellite.Scanner-1 INFO <18780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,553 sats.satellite.Scanner-1 INFO <18780.00> Scanner-1: setting timed terminal event at 18900.0
2025-06-20 19:57:25,566 sats.satellite.Scanner-1 INFO <18900.00> Scanner-1: timed termination at 18900.0 for action_charge
2025-06-20 19:57:25,567 data.base INFO <18900.00> Total reward: {}
2025-06-20 19:57:25,567 comm.communication INFO <18900.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,568 sats.satellite.Scanner-1 INFO <18900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,570 gym INFO <18900.00> Step reward: 0.0
2025-06-20 19:57:25,570 gym INFO <18900.00> === STARTING STEP ===
2025-06-20 19:57:25,571 sats.satellite.Scanner-1 INFO <18900.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,571 sats.satellite.Scanner-1 INFO <18900.00> Scanner-1: setting timed terminal event at 19080.0
2025-06-20 19:57:25,591 sats.satellite.Scanner-1 INFO <19080.00> Scanner-1: timed termination at 19080.0 for action_nadir_scan
2025-06-20 19:57:25,591 data.base INFO <19080.00> Total reward: {'Scanner-1': 0.004771929824561403}
2025-06-20 19:57:25,592 comm.communication INFO <19080.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,592 sats.satellite.Scanner-1 INFO <19080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,594 gym INFO <19080.00> Step reward: 0.004771929824561403
2025-06-20 19:57:25,595 gym INFO <19080.00> === STARTING STEP ===
2025-06-20 19:57:25,596 sats.satellite.Scanner-1 INFO <19080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:25,596 sats.satellite.Scanner-1 INFO <19080.00> Scanner-1: setting timed terminal event at 19140.0
2025-06-20 19:57:25,604 sats.satellite.Scanner-1 INFO <19140.00> Scanner-1: timed termination at 19140.0 for action_desat
2025-06-20 19:57:25,604 data.base INFO <19140.00> Total reward: {}
2025-06-20 19:57:25,605 comm.communication INFO <19140.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,605 sats.satellite.Scanner-1 INFO <19140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,607 gym INFO <19140.00> Step reward: 0.0
2025-06-20 19:57:25,608 gym INFO <19140.00> === STARTING STEP ===
2025-06-20 19:57:25,608 sats.satellite.Scanner-1 INFO <19140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:25,609 sats.satellite.Scanner-1 INFO <19140.00> Scanner-1: setting timed terminal event at 19200.0
2025-06-20 19:57:25,618 sats.satellite.Scanner-1 INFO <19200.00> Scanner-1: timed termination at 19200.0 for action_downlink
2025-06-20 19:57:25,618 data.base INFO <19200.00> Total reward: {}
2025-06-20 19:57:25,619 comm.communication INFO <19200.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,619 sats.satellite.Scanner-1 INFO <19200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,621 gym INFO <19200.00> Step reward: 0.0
2025-06-20 19:57:25,622 gym INFO <19200.00> === STARTING STEP ===
2025-06-20 19:57:25,622 sats.satellite.Scanner-1 INFO <19200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,623 sats.satellite.Scanner-1 INFO <19200.00> Scanner-1: setting timed terminal event at 19380.0
2025-06-20 19:57:25,642 sats.satellite.Scanner-1 INFO <19380.00> Scanner-1: timed termination at 19380.0 for action_nadir_scan
2025-06-20 19:57:25,643 data.base INFO <19380.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:25,643 comm.communication INFO <19380.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,644 sats.satellite.Scanner-1 INFO <19380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,645 gym INFO <19380.00> Step reward: 0.004912280701754385
2025-06-20 19:57:25,646 gym INFO <19380.00> === STARTING STEP ===
2025-06-20 19:57:25,647 sats.satellite.Scanner-1 INFO <19380.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,647 sats.satellite.Scanner-1 INFO <19380.00> Scanner-1: setting timed terminal event at 19560.0
2025-06-20 19:57:25,666 sats.satellite.Scanner-1 INFO <19560.00> Scanner-1: timed termination at 19560.0 for action_nadir_scan
2025-06-20 19:57:25,667 data.base INFO <19560.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:25,668 comm.communication INFO <19560.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,668 sats.satellite.Scanner-1 INFO <19560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,670 gym INFO <19560.00> Step reward: 0.00631578947368421
2025-06-20 19:57:25,671 gym INFO <19560.00> === STARTING STEP ===
2025-06-20 19:57:25,671 sats.satellite.Scanner-1 INFO <19560.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,672 sats.satellite.Scanner-1 INFO <19560.00> Scanner-1: setting timed terminal event at 19680.0
2025-06-20 19:57:25,686 sats.satellite.Scanner-1 INFO <19680.00> Scanner-1: timed termination at 19680.0 for action_charge
2025-06-20 19:57:25,686 data.base INFO <19680.00> Total reward: {}
2025-06-20 19:57:25,687 comm.communication INFO <19680.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,687 sats.satellite.Scanner-1 INFO <19680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,689 gym INFO <19680.00> Step reward: 0.0
2025-06-20 19:57:25,690 gym INFO <19680.00> === STARTING STEP ===
2025-06-20 19:57:25,690 sats.satellite.Scanner-1 INFO <19680.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,690 sats.satellite.Scanner-1 INFO <19680.00> Scanner-1: setting timed terminal event at 19860.0
2025-06-20 19:57:25,710 sats.satellite.Scanner-1 INFO <19860.00> Scanner-1: timed termination at 19860.0 for action_nadir_scan
2025-06-20 19:57:25,710 data.base INFO <19860.00> Total reward: {'Scanner-1': 0.0048070175438596485}
2025-06-20 19:57:25,711 comm.communication INFO <19860.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,712 sats.satellite.Scanner-1 INFO <19860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,713 gym INFO <19860.00> Step reward: 0.0048070175438596485
2025-06-20 19:57:25,714 gym INFO <19860.00> === STARTING STEP ===
2025-06-20 19:57:25,714 sats.satellite.Scanner-1 INFO <19860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:25,716 sats.satellite.Scanner-1 INFO <19860.00> Scanner-1: setting timed terminal event at 19920.0
2025-06-20 19:57:25,723 sats.satellite.Scanner-1 INFO <19920.00> Scanner-1: timed termination at 19920.0 for action_desat
2025-06-20 19:57:25,724 data.base INFO <19920.00> Total reward: {}
2025-06-20 19:57:25,724 comm.communication INFO <19920.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,725 sats.satellite.Scanner-1 INFO <19920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,726 gym INFO <19920.00> Step reward: 0.0
2025-06-20 19:57:25,727 gym INFO <19920.00> === STARTING STEP ===
2025-06-20 19:57:25,727 sats.satellite.Scanner-1 INFO <19920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,728 sats.satellite.Scanner-1 INFO <19920.00> Scanner-1: setting timed terminal event at 20040.0
2025-06-20 19:57:25,742 sats.satellite.Scanner-1 INFO <20040.00> Scanner-1: timed termination at 20040.0 for action_charge
2025-06-20 19:57:25,742 data.base INFO <20040.00> Total reward: {}
2025-06-20 19:57:25,742 comm.communication INFO <20040.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,743 sats.satellite.Scanner-1 INFO <20040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,745 gym INFO <20040.00> Step reward: 0.0
2025-06-20 19:57:25,745 gym INFO <20040.00> === STARTING STEP ===
2025-06-20 19:57:25,746 sats.satellite.Scanner-1 INFO <20040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,746 sats.satellite.Scanner-1 INFO <20040.00> Scanner-1: setting timed terminal event at 20160.0
2025-06-20 19:57:25,760 sats.satellite.Scanner-1 INFO <20160.00> Scanner-1: timed termination at 20160.0 for action_charge
2025-06-20 19:57:25,760 data.base INFO <20160.00> Total reward: {}
2025-06-20 19:57:25,761 comm.communication INFO <20160.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,761 sats.satellite.Scanner-1 INFO <20160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,763 gym INFO <20160.00> Step reward: 0.0
2025-06-20 19:57:25,764 gym INFO <20160.00> === STARTING STEP ===
2025-06-20 19:57:25,764 sats.satellite.Scanner-1 INFO <20160.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,765 sats.satellite.Scanner-1 INFO <20160.00> Scanner-1: setting timed terminal event at 20340.0
2025-06-20 19:57:25,784 sats.satellite.Scanner-1 INFO <20340.00> Scanner-1: timed termination at 20340.0 for action_nadir_scan
2025-06-20 19:57:25,784 data.base INFO <20340.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-06-20 19:57:25,785 comm.communication INFO <20340.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,786 sats.satellite.Scanner-1 INFO <20340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,788 gym INFO <20340.00> Step reward: 0.004947368421052631
2025-06-20 19:57:25,788 gym INFO <20340.00> === STARTING STEP ===
2025-06-20 19:57:25,789 sats.satellite.Scanner-1 INFO <20340.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,789 sats.satellite.Scanner-1 INFO <20340.00> Scanner-1: setting timed terminal event at 20460.0
2025-06-20 19:57:25,805 sats.satellite.Scanner-1 INFO <20460.00> Scanner-1: timed termination at 20460.0 for action_charge
2025-06-20 19:57:25,806 data.base INFO <20460.00> Total reward: {}
2025-06-20 19:57:25,806 comm.communication INFO <20460.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,807 sats.satellite.Scanner-1 INFO <20460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,808 gym INFO <20460.00> Step reward: 0.0
2025-06-20 19:57:25,809 gym INFO <20460.00> === STARTING STEP ===
2025-06-20 19:57:25,810 sats.satellite.Scanner-1 INFO <20460.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:25,810 sats.satellite.Scanner-1 INFO <20460.00> Scanner-1: setting timed terminal event at 20520.0
2025-06-20 19:57:25,819 sats.satellite.Scanner-1 INFO <20520.00> Scanner-1: timed termination at 20520.0 for action_downlink
2025-06-20 19:57:25,820 data.base INFO <20520.00> Total reward: {}
2025-06-20 19:57:25,821 comm.communication INFO <20520.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,821 sats.satellite.Scanner-1 INFO <20520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,823 gym INFO <20520.00> Step reward: 0.0
2025-06-20 19:57:25,824 gym INFO <20520.00> === STARTING STEP ===
2025-06-20 19:57:25,824 sats.satellite.Scanner-1 INFO <20520.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:25,825 sats.satellite.Scanner-1 INFO <20520.00> Scanner-1: setting timed terminal event at 20580.0
2025-06-20 19:57:25,832 sats.satellite.Scanner-1 INFO <20580.00> Scanner-1: timed termination at 20580.0 for action_downlink
2025-06-20 19:57:25,833 data.base INFO <20580.00> Total reward: {}
2025-06-20 19:57:25,833 comm.communication INFO <20580.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,834 sats.satellite.Scanner-1 INFO <20580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,836 gym INFO <20580.00> Step reward: 0.0
2025-06-20 19:57:25,836 gym INFO <20580.00> === STARTING STEP ===
2025-06-20 19:57:25,837 sats.satellite.Scanner-1 INFO <20580.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:25,837 sats.satellite.Scanner-1 INFO <20580.00> Scanner-1: setting timed terminal event at 20640.0
2025-06-20 19:57:25,845 sats.satellite.Scanner-1 INFO <20640.00> Scanner-1: timed termination at 20640.0 for action_desat
2025-06-20 19:57:25,846 data.base INFO <20640.00> Total reward: {}
2025-06-20 19:57:25,846 comm.communication INFO <20640.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,847 sats.satellite.Scanner-1 INFO <20640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,849 gym INFO <20640.00> Step reward: 0.0
2025-06-20 19:57:25,849 gym INFO <20640.00> === STARTING STEP ===
2025-06-20 19:57:25,850 sats.satellite.Scanner-1 INFO <20640.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,850 sats.satellite.Scanner-1 INFO <20640.00> Scanner-1: setting timed terminal event at 20760.0
2025-06-20 19:57:25,863 sats.satellite.Scanner-1 INFO <20760.00> Scanner-1: timed termination at 20760.0 for action_charge
2025-06-20 19:57:25,864 data.base INFO <20760.00> Total reward: {}
2025-06-20 19:57:25,864 comm.communication INFO <20760.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,865 sats.satellite.Scanner-1 INFO <20760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,867 gym INFO <20760.00> Step reward: 0.0
2025-06-20 19:57:25,868 gym INFO <20760.00> === STARTING STEP ===
2025-06-20 19:57:25,868 sats.satellite.Scanner-1 INFO <20760.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,869 sats.satellite.Scanner-1 INFO <20760.00> Scanner-1: setting timed terminal event at 20940.0
2025-06-20 19:57:25,888 sats.satellite.Scanner-1 INFO <20940.00> Scanner-1: timed termination at 20940.0 for action_nadir_scan
2025-06-20 19:57:25,888 data.base INFO <20940.00> Total reward: {'Scanner-1': 0.005087719298245614}
2025-06-20 19:57:25,889 comm.communication INFO <20940.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,889 sats.satellite.Scanner-1 INFO <20940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,891 gym INFO <20940.00> Step reward: 0.005087719298245614
2025-06-20 19:57:25,892 gym INFO <20940.00> === STARTING STEP ===
2025-06-20 19:57:25,893 sats.satellite.Scanner-1 INFO <20940.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:25,893 sats.satellite.Scanner-1 INFO <20940.00> Scanner-1: setting timed terminal event at 21000.0
2025-06-20 19:57:25,901 sats.satellite.Scanner-1 INFO <21000.00> Scanner-1: timed termination at 21000.0 for action_downlink
2025-06-20 19:57:25,901 data.base INFO <21000.00> Total reward: {}
2025-06-20 19:57:25,902 comm.communication INFO <21000.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,902 sats.satellite.Scanner-1 INFO <21000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,904 gym INFO <21000.00> Step reward: 0.0
2025-06-20 19:57:25,905 gym INFO <21000.00> === STARTING STEP ===
2025-06-20 19:57:25,905 sats.satellite.Scanner-1 INFO <21000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,906 sats.satellite.Scanner-1 INFO <21000.00> Scanner-1: setting timed terminal event at 21180.0
2025-06-20 19:57:25,928 sats.satellite.Scanner-1 INFO <21180.00> Scanner-1: timed termination at 21180.0 for action_nadir_scan
2025-06-20 19:57:25,928 data.base INFO <21180.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:25,929 comm.communication INFO <21180.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,929 sats.satellite.Scanner-1 INFO <21180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,931 gym INFO <21180.00> Step reward: 0.004912280701754385
2025-06-20 19:57:25,932 gym INFO <21180.00> === STARTING STEP ===
2025-06-20 19:57:25,932 sats.satellite.Scanner-1 INFO <21180.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,933 sats.satellite.Scanner-1 INFO <21180.00> Scanner-1: setting timed terminal event at 21360.0
2025-06-20 19:57:25,955 sats.satellite.Scanner-1 INFO <21360.00> Scanner-1: timed termination at 21360.0 for action_nadir_scan
2025-06-20 19:57:25,955 data.base INFO <21360.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:25,956 comm.communication INFO <21360.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,956 sats.satellite.Scanner-1 INFO <21360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,958 gym INFO <21360.00> Step reward: 0.00631578947368421
2025-06-20 19:57:25,959 gym INFO <21360.00> === STARTING STEP ===
2025-06-20 19:57:25,959 sats.satellite.Scanner-1 INFO <21360.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:25,960 sats.satellite.Scanner-1 INFO <21360.00> Scanner-1: setting timed terminal event at 21540.0
2025-06-20 19:57:25,982 sats.satellite.Scanner-1 INFO <21540.00> Scanner-1: timed termination at 21540.0 for action_nadir_scan
2025-06-20 19:57:25,982 data.base INFO <21540.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:25,983 comm.communication INFO <21540.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:25,984 sats.satellite.Scanner-1 INFO <21540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:25,985 gym INFO <21540.00> Step reward: 0.00631578947368421
2025-06-20 19:57:25,986 gym INFO <21540.00> === STARTING STEP ===
2025-06-20 19:57:25,986 sats.satellite.Scanner-1 INFO <21540.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:25,987 sats.satellite.Scanner-1 INFO <21540.00> Scanner-1: setting timed terminal event at 21660.0
2025-06-20 19:57:26,000 sats.satellite.Scanner-1 INFO <21660.00> Scanner-1: timed termination at 21660.0 for action_charge
2025-06-20 19:57:26,001 data.base INFO <21660.00> Total reward: {}
2025-06-20 19:57:26,002 comm.communication INFO <21660.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,002 sats.satellite.Scanner-1 INFO <21660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,004 gym INFO <21660.00> Step reward: 0.0
2025-06-20 19:57:26,004 gym INFO <21660.00> === STARTING STEP ===
2025-06-20 19:57:26,005 sats.satellite.Scanner-1 INFO <21660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,006 sats.satellite.Scanner-1 INFO <21660.00> Scanner-1: setting timed terminal event at 21720.0
2025-06-20 19:57:26,013 sats.satellite.Scanner-1 INFO <21720.00> Scanner-1: timed termination at 21720.0 for action_desat
2025-06-20 19:57:26,014 data.base INFO <21720.00> Total reward: {}
2025-06-20 19:57:26,015 comm.communication INFO <21720.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,015 sats.satellite.Scanner-1 INFO <21720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,017 gym INFO <21720.00> Step reward: 0.0
2025-06-20 19:57:26,017 gym INFO <21720.00> === STARTING STEP ===
2025-06-20 19:57:26,018 sats.satellite.Scanner-1 INFO <21720.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,018 sats.satellite.Scanner-1 INFO <21720.00> Scanner-1: setting timed terminal event at 21780.0
2025-06-20 19:57:26,026 sats.satellite.Scanner-1 INFO <21780.00> Scanner-1: timed termination at 21780.0 for action_desat
2025-06-20 19:57:26,027 data.base INFO <21780.00> Total reward: {}
2025-06-20 19:57:26,027 comm.communication INFO <21780.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,028 sats.satellite.Scanner-1 INFO <21780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,030 gym INFO <21780.00> Step reward: 0.0
2025-06-20 19:57:26,030 gym INFO <21780.00> === STARTING STEP ===
2025-06-20 19:57:26,031 sats.satellite.Scanner-1 INFO <21780.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,031 sats.satellite.Scanner-1 INFO <21780.00> Scanner-1: setting timed terminal event at 21840.0
2025-06-20 19:57:26,039 sats.satellite.Scanner-1 INFO <21840.00> Scanner-1: timed termination at 21840.0 for action_desat
2025-06-20 19:57:26,040 data.base INFO <21840.00> Total reward: {}
2025-06-20 19:57:26,040 comm.communication INFO <21840.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,041 sats.satellite.Scanner-1 INFO <21840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,043 gym INFO <21840.00> Step reward: 0.0
2025-06-20 19:57:26,043 gym INFO <21840.00> === STARTING STEP ===
2025-06-20 19:57:26,044 sats.satellite.Scanner-1 INFO <21840.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:26,044 sats.satellite.Scanner-1 INFO <21840.00> Scanner-1: setting timed terminal event at 21960.0
2025-06-20 19:57:26,057 sats.satellite.Scanner-1 INFO <21960.00> Scanner-1: timed termination at 21960.0 for action_charge
2025-06-20 19:57:26,058 data.base INFO <21960.00> Total reward: {}
2025-06-20 19:57:26,059 comm.communication INFO <21960.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,059 sats.satellite.Scanner-1 INFO <21960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,061 gym INFO <21960.00> Step reward: 0.0
2025-06-20 19:57:26,062 gym INFO <21960.00> === STARTING STEP ===
2025-06-20 19:57:26,062 sats.satellite.Scanner-1 INFO <21960.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:26,062 sats.satellite.Scanner-1 INFO <21960.00> Scanner-1: setting timed terminal event at 22080.0
2025-06-20 19:57:26,076 sats.satellite.Scanner-1 INFO <22080.00> Scanner-1: timed termination at 22080.0 for action_charge
2025-06-20 19:57:26,076 data.base INFO <22080.00> Total reward: {}
2025-06-20 19:57:26,077 comm.communication INFO <22080.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,077 sats.satellite.Scanner-1 INFO <22080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,079 gym INFO <22080.00> Step reward: 0.0
2025-06-20 19:57:26,080 gym INFO <22080.00> === STARTING STEP ===
2025-06-20 19:57:26,081 sats.satellite.Scanner-1 INFO <22080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,081 sats.satellite.Scanner-1 INFO <22080.00> Scanner-1: setting timed terminal event at 22140.0
2025-06-20 19:57:26,089 sats.satellite.Scanner-1 INFO <22140.00> Scanner-1: timed termination at 22140.0 for action_desat
2025-06-20 19:57:26,089 data.base INFO <22140.00> Total reward: {}
2025-06-20 19:57:26,090 comm.communication INFO <22140.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,090 sats.satellite.Scanner-1 INFO <22140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,092 gym INFO <22140.00> Step reward: 0.0
2025-06-20 19:57:26,093 gym INFO <22140.00> === STARTING STEP ===
2025-06-20 19:57:26,093 sats.satellite.Scanner-1 INFO <22140.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,094 sats.satellite.Scanner-1 INFO <22140.00> Scanner-1: setting timed terminal event at 22320.0
2025-06-20 19:57:26,116 sats.satellite.Scanner-1 INFO <22320.00> Scanner-1: timed termination at 22320.0 for action_nadir_scan
2025-06-20 19:57:26,117 data.base INFO <22320.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:26,117 comm.communication INFO <22320.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,118 sats.satellite.Scanner-1 INFO <22320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,120 gym INFO <22320.00> Step reward: 0.004912280701754385
2025-06-20 19:57:26,120 gym INFO <22320.00> === STARTING STEP ===
2025-06-20 19:57:26,121 sats.satellite.Scanner-1 INFO <22320.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,121 sats.satellite.Scanner-1 INFO <22320.00> Scanner-1: setting timed terminal event at 22380.0
2025-06-20 19:57:26,130 sats.satellite.Scanner-1 INFO <22380.00> Scanner-1: timed termination at 22380.0 for action_desat
2025-06-20 19:57:26,131 data.base INFO <22380.00> Total reward: {}
2025-06-20 19:57:26,131 comm.communication INFO <22380.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,132 sats.satellite.Scanner-1 INFO <22380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,133 gym INFO <22380.00> Step reward: 0.0
2025-06-20 19:57:26,134 gym INFO <22380.00> === STARTING STEP ===
2025-06-20 19:57:26,134 sats.satellite.Scanner-1 INFO <22380.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,136 sats.satellite.Scanner-1 INFO <22380.00> Scanner-1: setting timed terminal event at 22560.0
2025-06-20 19:57:26,154 sats.satellite.Scanner-1 INFO <22560.00> Scanner-1: timed termination at 22560.0 for action_nadir_scan
2025-06-20 19:57:26,155 data.base INFO <22560.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-06-20 19:57:26,155 comm.communication INFO <22560.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,155 sats.satellite.Scanner-1 INFO <22560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,157 gym INFO <22560.00> Step reward: 0.00487719298245614
2025-06-20 19:57:26,159 gym INFO <22560.00> === STARTING STEP ===
2025-06-20 19:57:26,159 sats.satellite.Scanner-1 INFO <22560.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:26,160 sats.satellite.Scanner-1 INFO <22560.00> Scanner-1: setting timed terminal event at 22680.0
2025-06-20 19:57:26,173 sats.satellite.Scanner-1 INFO <22680.00> Scanner-1: timed termination at 22680.0 for action_charge
2025-06-20 19:57:26,173 data.base INFO <22680.00> Total reward: {}
2025-06-20 19:57:26,174 comm.communication INFO <22680.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,174 sats.satellite.Scanner-1 INFO <22680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,176 gym INFO <22680.00> Step reward: 0.0
2025-06-20 19:57:26,177 gym INFO <22680.00> === STARTING STEP ===
2025-06-20 19:57:26,177 sats.satellite.Scanner-1 INFO <22680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:26,178 sats.satellite.Scanner-1 INFO <22680.00> Scanner-1: setting timed terminal event at 22800.0
2025-06-20 19:57:26,191 sats.satellite.Scanner-1 INFO <22800.00> Scanner-1: timed termination at 22800.0 for action_charge
2025-06-20 19:57:26,191 data.base INFO <22800.00> Total reward: {}
2025-06-20 19:57:26,192 comm.communication INFO <22800.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,192 sats.satellite.Scanner-1 INFO <22800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,194 gym INFO <22800.00> Step reward: 0.0
2025-06-20 19:57:26,195 gym INFO <22800.00> === STARTING STEP ===
2025-06-20 19:57:26,195 sats.satellite.Scanner-1 INFO <22800.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:26,196 sats.satellite.Scanner-1 INFO <22800.00> Scanner-1: setting timed terminal event at 22860.0
2025-06-20 19:57:26,203 sats.satellite.Scanner-1 INFO <22860.00> Scanner-1: timed termination at 22860.0 for action_downlink
2025-06-20 19:57:26,204 data.base INFO <22860.00> Total reward: {}
2025-06-20 19:57:26,204 comm.communication INFO <22860.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,204 sats.satellite.Scanner-1 INFO <22860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,207 gym INFO <22860.00> Step reward: 0.0
2025-06-20 19:57:26,207 gym INFO <22860.00> === STARTING STEP ===
2025-06-20 19:57:26,208 sats.satellite.Scanner-1 INFO <22860.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:26,208 sats.satellite.Scanner-1 INFO <22860.00> Scanner-1: setting timed terminal event at 22920.0
2025-06-20 19:57:26,216 sats.satellite.Scanner-1 INFO <22920.00> Scanner-1: timed termination at 22920.0 for action_downlink
2025-06-20 19:57:26,216 data.base INFO <22920.00> Total reward: {}
2025-06-20 19:57:26,217 comm.communication INFO <22920.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,217 sats.satellite.Scanner-1 INFO <22920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,219 gym INFO <22920.00> Step reward: 0.0
2025-06-20 19:57:26,219 gym INFO <22920.00> === STARTING STEP ===
2025-06-20 19:57:26,220 sats.satellite.Scanner-1 INFO <22920.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,220 sats.satellite.Scanner-1 INFO <22920.00> Scanner-1: setting timed terminal event at 23100.0
2025-06-20 19:57:26,240 sats.satellite.Scanner-1 INFO <23100.00> Scanner-1: timed termination at 23100.0 for action_nadir_scan
2025-06-20 19:57:26,240 data.base INFO <23100.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:26,241 comm.communication INFO <23100.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,241 sats.satellite.Scanner-1 INFO <23100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,243 gym INFO <23100.00> Step reward: 0.004912280701754385
2025-06-20 19:57:26,244 gym INFO <23100.00> === STARTING STEP ===
2025-06-20 19:57:26,244 sats.satellite.Scanner-1 INFO <23100.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,244 sats.satellite.Scanner-1 INFO <23100.00> Scanner-1: setting timed terminal event at 23160.0
2025-06-20 19:57:26,252 sats.satellite.Scanner-1 INFO <23160.00> Scanner-1: timed termination at 23160.0 for action_desat
2025-06-20 19:57:26,253 data.base INFO <23160.00> Total reward: {}
2025-06-20 19:57:26,253 comm.communication INFO <23160.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,254 sats.satellite.Scanner-1 INFO <23160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,256 gym INFO <23160.00> Step reward: 0.0
2025-06-20 19:57:26,256 gym INFO <23160.00> === STARTING STEP ===
2025-06-20 19:57:26,257 sats.satellite.Scanner-1 INFO <23160.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:26,257 sats.satellite.Scanner-1 INFO <23160.00> Scanner-1: setting timed terminal event at 23220.0
2025-06-20 19:57:26,265 sats.satellite.Scanner-1 INFO <23220.00> Scanner-1: timed termination at 23220.0 for action_downlink
2025-06-20 19:57:26,266 data.base INFO <23220.00> Total reward: {}
2025-06-20 19:57:26,266 comm.communication INFO <23220.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,266 sats.satellite.Scanner-1 INFO <23220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,268 gym INFO <23220.00> Step reward: 0.0
2025-06-20 19:57:26,269 gym INFO <23220.00> === STARTING STEP ===
2025-06-20 19:57:26,270 sats.satellite.Scanner-1 INFO <23220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:26,270 sats.satellite.Scanner-1 INFO <23220.00> Scanner-1: setting timed terminal event at 23280.0
2025-06-20 19:57:26,277 sats.satellite.Scanner-1 INFO <23280.00> Scanner-1: timed termination at 23280.0 for action_downlink
2025-06-20 19:57:26,278 data.base INFO <23280.00> Total reward: {}
2025-06-20 19:57:26,278 comm.communication INFO <23280.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,279 sats.satellite.Scanner-1 INFO <23280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,281 gym INFO <23280.00> Step reward: 0.0
2025-06-20 19:57:26,282 gym INFO <23280.00> === STARTING STEP ===
2025-06-20 19:57:26,282 sats.satellite.Scanner-1 INFO <23280.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,283 sats.satellite.Scanner-1 INFO <23280.00> Scanner-1: setting timed terminal event at 23460.0
2025-06-20 19:57:26,302 sats.satellite.Scanner-1 INFO <23460.00> Scanner-1: timed termination at 23460.0 for action_nadir_scan
2025-06-20 19:57:26,303 data.base INFO <23460.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:26,303 comm.communication INFO <23460.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,304 sats.satellite.Scanner-1 INFO <23460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,306 gym INFO <23460.00> Step reward: 0.004912280701754385
2025-06-20 19:57:26,307 gym INFO <23460.00> === STARTING STEP ===
2025-06-20 19:57:26,307 sats.satellite.Scanner-1 INFO <23460.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,308 sats.satellite.Scanner-1 INFO <23460.00> Scanner-1: setting timed terminal event at 23640.0
2025-06-20 19:57:26,329 sats.satellite.Scanner-1 INFO <23640.00> Scanner-1: timed termination at 23640.0 for action_nadir_scan
2025-06-20 19:57:26,330 data.base INFO <23640.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:26,330 comm.communication INFO <23640.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,331 sats.satellite.Scanner-1 INFO <23640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,333 gym INFO <23640.00> Step reward: 0.00631578947368421
2025-06-20 19:57:26,334 gym INFO <23640.00> === STARTING STEP ===
2025-06-20 19:57:26,334 sats.satellite.Scanner-1 INFO <23640.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,334 sats.satellite.Scanner-1 INFO <23640.00> Scanner-1: setting timed terminal event at 23700.0
2025-06-20 19:57:26,344 sats.satellite.Scanner-1 INFO <23700.00> Scanner-1: timed termination at 23700.0 for action_desat
2025-06-20 19:57:26,344 data.base INFO <23700.00> Total reward: {}
2025-06-20 19:57:26,344 comm.communication INFO <23700.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,345 sats.satellite.Scanner-1 INFO <23700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,347 gym INFO <23700.00> Step reward: 0.0
2025-06-20 19:57:26,347 gym INFO <23700.00> === STARTING STEP ===
2025-06-20 19:57:26,348 sats.satellite.Scanner-1 INFO <23700.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,348 sats.satellite.Scanner-1 INFO <23700.00> Scanner-1: setting timed terminal event at 23880.0
2025-06-20 19:57:26,372 sats.satellite.Scanner-1 INFO <23880.00> Scanner-1: timed termination at 23880.0 for action_nadir_scan
2025-06-20 19:57:26,372 data.base INFO <23880.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-06-20 19:57:26,373 comm.communication INFO <23880.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,373 sats.satellite.Scanner-1 INFO <23880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,383 gym INFO <23880.00> Step reward: 0.00487719298245614
2025-06-20 19:57:26,384 gym INFO <23880.00> === STARTING STEP ===
2025-06-20 19:57:26,385 sats.satellite.Scanner-1 INFO <23880.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,385 sats.satellite.Scanner-1 INFO <23880.00> Scanner-1: setting timed terminal event at 24060.0
2025-06-20 19:57:26,404 sats.satellite.Scanner-1 INFO <24060.00> Scanner-1: timed termination at 24060.0 for action_nadir_scan
2025-06-20 19:57:26,405 data.base INFO <24060.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:26,405 comm.communication INFO <24060.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,406 sats.satellite.Scanner-1 INFO <24060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,408 gym INFO <24060.00> Step reward: 0.00631578947368421
2025-06-20 19:57:26,409 gym INFO <24060.00> === STARTING STEP ===
2025-06-20 19:57:26,410 sats.satellite.Scanner-1 INFO <24060.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,410 sats.satellite.Scanner-1 INFO <24060.00> Scanner-1: setting timed terminal event at 24240.0
2025-06-20 19:57:26,433 sats.satellite.Scanner-1 INFO <24240.00> Scanner-1: timed termination at 24240.0 for action_nadir_scan
2025-06-20 19:57:26,434 data.base INFO <24240.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:26,434 comm.communication INFO <24240.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,434 sats.satellite.Scanner-1 INFO <24240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,436 gym INFO <24240.00> Step reward: 0.00631578947368421
2025-06-20 19:57:26,437 gym INFO <24240.00> === STARTING STEP ===
2025-06-20 19:57:26,438 sats.satellite.Scanner-1 INFO <24240.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:26,438 sats.satellite.Scanner-1 INFO <24240.00> Scanner-1: setting timed terminal event at 24360.0
2025-06-20 19:57:26,454 sats.satellite.Scanner-1 INFO <24360.00> Scanner-1: timed termination at 24360.0 for action_charge
2025-06-20 19:57:26,454 data.base INFO <24360.00> Total reward: {}
2025-06-20 19:57:26,455 comm.communication INFO <24360.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,455 sats.satellite.Scanner-1 INFO <24360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,457 sats.satellite.Scanner-1 INFO <24360.00> Scanner-1: Finding opportunity windows from 28800.00 to 29400.00 seconds
2025-06-20 19:57:26,460 sats.satellite.Scanner-1 INFO <24360.00> Scanner-1: Finding opportunity windows from 29400.00 to 30000.00 seconds
2025-06-20 19:57:26,466 gym INFO <24360.00> Step reward: 0.0
2025-06-20 19:57:26,466 gym INFO <24360.00> === STARTING STEP ===
2025-06-20 19:57:26,467 sats.satellite.Scanner-1 INFO <24360.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:26,468 sats.satellite.Scanner-1 INFO <24360.00> Scanner-1: setting timed terminal event at 24420.0
2025-06-20 19:57:26,475 sats.satellite.Scanner-1 INFO <24420.00> Scanner-1: timed termination at 24420.0 for action_downlink
2025-06-20 19:57:26,476 data.base INFO <24420.00> Total reward: {}
2025-06-20 19:57:26,477 comm.communication INFO <24420.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,477 sats.satellite.Scanner-1 INFO <24420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,479 gym INFO <24420.00> Step reward: 0.0
2025-06-20 19:57:26,480 gym INFO <24420.00> === STARTING STEP ===
2025-06-20 19:57:26,480 sats.satellite.Scanner-1 INFO <24420.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:26,481 sats.satellite.Scanner-1 INFO <24420.00> Scanner-1: setting timed terminal event at 24480.0
2025-06-20 19:57:26,488 sats.satellite.Scanner-1 INFO <24480.00> Scanner-1: timed termination at 24480.0 for action_downlink
2025-06-20 19:57:26,489 data.base INFO <24480.00> Total reward: {}
2025-06-20 19:57:26,490 comm.communication INFO <24480.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,490 sats.satellite.Scanner-1 INFO <24480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,492 gym INFO <24480.00> Step reward: 0.0
2025-06-20 19:57:26,493 gym INFO <24480.00> === STARTING STEP ===
2025-06-20 19:57:26,493 sats.satellite.Scanner-1 INFO <24480.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:26,494 sats.satellite.Scanner-1 INFO <24480.00> Scanner-1: setting timed terminal event at 24600.0
2025-06-20 19:57:26,507 sats.satellite.Scanner-1 INFO <24600.00> Scanner-1: timed termination at 24600.0 for action_charge
2025-06-20 19:57:26,508 data.base INFO <24600.00> Total reward: {}
2025-06-20 19:57:26,508 comm.communication INFO <24600.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,508 sats.satellite.Scanner-1 INFO <24600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,511 gym INFO <24600.00> Step reward: 0.0
2025-06-20 19:57:26,511 gym INFO <24600.00> === STARTING STEP ===
2025-06-20 19:57:26,512 sats.satellite.Scanner-1 INFO <24600.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,512 sats.satellite.Scanner-1 INFO <24600.00> Scanner-1: setting timed terminal event at 24780.0
2025-06-20 19:57:26,532 sats.satellite.Scanner-1 INFO <24780.00> Scanner-1: timed termination at 24780.0 for action_nadir_scan
2025-06-20 19:57:26,533 data.base INFO <24780.00> Total reward: {'Scanner-1': 0.004736842105263157}
2025-06-20 19:57:26,534 comm.communication INFO <24780.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,534 sats.satellite.Scanner-1 INFO <24780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,536 gym INFO <24780.00> Step reward: 0.004736842105263157
2025-06-20 19:57:26,537 gym INFO <24780.00> === STARTING STEP ===
2025-06-20 19:57:26,537 sats.satellite.Scanner-1 INFO <24780.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,538 sats.satellite.Scanner-1 INFO <24780.00> Scanner-1: setting timed terminal event at 24960.0
2025-06-20 19:57:26,557 sats.satellite.Scanner-1 INFO <24960.00> Scanner-1: timed termination at 24960.0 for action_nadir_scan
2025-06-20 19:57:26,558 data.base INFO <24960.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:26,558 comm.communication INFO <24960.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,559 sats.satellite.Scanner-1 INFO <24960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,560 gym INFO <24960.00> Step reward: 0.00631578947368421
2025-06-20 19:57:26,561 gym INFO <24960.00> === STARTING STEP ===
2025-06-20 19:57:26,562 sats.satellite.Scanner-1 INFO <24960.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:26,562 sats.satellite.Scanner-1 INFO <24960.00> Scanner-1: setting timed terminal event at 25080.0
2025-06-20 19:57:26,576 sats.satellite.Scanner-1 INFO <25080.00> Scanner-1: timed termination at 25080.0 for action_charge
2025-06-20 19:57:26,576 data.base INFO <25080.00> Total reward: {}
2025-06-20 19:57:26,577 comm.communication INFO <25080.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,577 sats.satellite.Scanner-1 INFO <25080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,579 gym INFO <25080.00> Step reward: 0.0
2025-06-20 19:57:26,580 gym INFO <25080.00> === STARTING STEP ===
2025-06-20 19:57:26,581 sats.satellite.Scanner-1 INFO <25080.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,581 sats.satellite.Scanner-1 INFO <25080.00> Scanner-1: setting timed terminal event at 25260.0
2025-06-20 19:57:26,600 sats.satellite.Scanner-1 INFO <25260.00> Scanner-1: timed termination at 25260.0 for action_nadir_scan
2025-06-20 19:57:26,601 data.base INFO <25260.00> Total reward: {'Scanner-1': 0.004842105263157894}
2025-06-20 19:57:26,601 comm.communication INFO <25260.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,602 sats.satellite.Scanner-1 INFO <25260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,604 gym INFO <25260.00> Step reward: 0.004842105263157894
2025-06-20 19:57:26,605 gym INFO <25260.00> === STARTING STEP ===
2025-06-20 19:57:26,605 sats.satellite.Scanner-1 INFO <25260.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,606 sats.satellite.Scanner-1 INFO <25260.00> Scanner-1: setting timed terminal event at 25440.0
2025-06-20 19:57:26,626 sats.satellite.Scanner-1 INFO <25440.00> Scanner-1: timed termination at 25440.0 for action_nadir_scan
2025-06-20 19:57:26,627 data.base INFO <25440.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:26,627 comm.communication INFO <25440.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,628 sats.satellite.Scanner-1 INFO <25440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,630 gym INFO <25440.00> Step reward: 0.00631578947368421
2025-06-20 19:57:26,630 gym INFO <25440.00> === STARTING STEP ===
2025-06-20 19:57:26,631 sats.satellite.Scanner-1 INFO <25440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,631 sats.satellite.Scanner-1 INFO <25440.00> Scanner-1: setting timed terminal event at 25500.0
2025-06-20 19:57:26,640 sats.satellite.Scanner-1 INFO <25500.00> Scanner-1: timed termination at 25500.0 for action_desat
2025-06-20 19:57:26,640 data.base INFO <25500.00> Total reward: {}
2025-06-20 19:57:26,641 comm.communication INFO <25500.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,642 sats.satellite.Scanner-1 INFO <25500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,653 gym INFO <25500.00> Step reward: 0.0
2025-06-20 19:57:26,654 gym INFO <25500.00> === STARTING STEP ===
2025-06-20 19:57:26,654 sats.satellite.Scanner-1 INFO <25500.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:26,655 sats.satellite.Scanner-1 INFO <25500.00> Scanner-1: setting timed terminal event at 25620.0
2025-06-20 19:57:26,668 sats.satellite.Scanner-1 INFO <25620.00> Scanner-1: timed termination at 25620.0 for action_charge
2025-06-20 19:57:26,669 data.base INFO <25620.00> Total reward: {}
2025-06-20 19:57:26,669 comm.communication INFO <25620.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,670 sats.satellite.Scanner-1 INFO <25620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,671 gym INFO <25620.00> Step reward: 0.0
2025-06-20 19:57:26,672 gym INFO <25620.00> === STARTING STEP ===
2025-06-20 19:57:26,673 sats.satellite.Scanner-1 INFO <25620.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,673 sats.satellite.Scanner-1 INFO <25620.00> Scanner-1: setting timed terminal event at 25680.0
2025-06-20 19:57:26,681 sats.satellite.Scanner-1 INFO <25680.00> Scanner-1: timed termination at 25680.0 for action_desat
2025-06-20 19:57:26,682 data.base INFO <25680.00> Total reward: {}
2025-06-20 19:57:26,682 comm.communication INFO <25680.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,683 sats.satellite.Scanner-1 INFO <25680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,685 gym INFO <25680.00> Step reward: 0.0
2025-06-20 19:57:26,685 gym INFO <25680.00> === STARTING STEP ===
2025-06-20 19:57:26,686 sats.satellite.Scanner-1 INFO <25680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:26,687 sats.satellite.Scanner-1 INFO <25680.00> Scanner-1: setting timed terminal event at 25800.0
2025-06-20 19:57:26,700 sats.satellite.Scanner-1 INFO <25800.00> Scanner-1: timed termination at 25800.0 for action_charge
2025-06-20 19:57:26,700 data.base INFO <25800.00> Total reward: {}
2025-06-20 19:57:26,701 comm.communication INFO <25800.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,701 sats.satellite.Scanner-1 INFO <25800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,703 gym INFO <25800.00> Step reward: 0.0
2025-06-20 19:57:26,704 gym INFO <25800.00> === STARTING STEP ===
2025-06-20 19:57:26,704 sats.satellite.Scanner-1 INFO <25800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:26,705 sats.satellite.Scanner-1 INFO <25800.00> Scanner-1: setting timed terminal event at 25920.0
2025-06-20 19:57:26,718 sats.satellite.Scanner-1 INFO <25920.00> Scanner-1: timed termination at 25920.0 for action_charge
2025-06-20 19:57:26,719 data.base INFO <25920.00> Total reward: {}
2025-06-20 19:57:26,720 comm.communication INFO <25920.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,720 sats.satellite.Scanner-1 INFO <25920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,722 gym INFO <25920.00> Step reward: 0.0
2025-06-20 19:57:26,722 gym INFO <25920.00> === STARTING STEP ===
2025-06-20 19:57:26,723 sats.satellite.Scanner-1 INFO <25920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-06-20 19:57:26,723 sats.satellite.Scanner-1 INFO <25920.00> Scanner-1: setting timed terminal event at 26040.0
2025-06-20 19:57:26,737 sats.satellite.Scanner-1 INFO <26040.00> Scanner-1: timed termination at 26040.0 for action_charge
2025-06-20 19:57:26,737 data.base INFO <26040.00> Total reward: {}
2025-06-20 19:57:26,738 comm.communication INFO <26040.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,738 sats.satellite.Scanner-1 INFO <26040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,740 gym INFO <26040.00> Step reward: 0.0
2025-06-20 19:57:26,741 gym INFO <26040.00> === STARTING STEP ===
2025-06-20 19:57:26,741 sats.satellite.Scanner-1 INFO <26040.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,742 sats.satellite.Scanner-1 INFO <26040.00> Scanner-1: setting timed terminal event at 26100.0
2025-06-20 19:57:26,750 sats.satellite.Scanner-1 INFO <26100.00> Scanner-1: timed termination at 26100.0 for action_desat
2025-06-20 19:57:26,750 data.base INFO <26100.00> Total reward: {}
2025-06-20 19:57:26,751 comm.communication INFO <26100.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,751 sats.satellite.Scanner-1 INFO <26100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,753 gym INFO <26100.00> Step reward: 0.0
2025-06-20 19:57:26,754 gym INFO <26100.00> === STARTING STEP ===
2025-06-20 19:57:26,754 sats.satellite.Scanner-1 INFO <26100.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,755 sats.satellite.Scanner-1 INFO <26100.00> Scanner-1: setting timed terminal event at 26160.0
2025-06-20 19:57:26,763 sats.satellite.Scanner-1 INFO <26160.00> Scanner-1: timed termination at 26160.0 for action_desat
2025-06-20 19:57:26,764 data.base INFO <26160.00> Total reward: {}
2025-06-20 19:57:26,764 comm.communication INFO <26160.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,765 sats.satellite.Scanner-1 INFO <26160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,767 gym INFO <26160.00> Step reward: 0.0
2025-06-20 19:57:26,767 gym INFO <26160.00> === STARTING STEP ===
2025-06-20 19:57:26,768 sats.satellite.Scanner-1 INFO <26160.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,768 sats.satellite.Scanner-1 INFO <26160.00> Scanner-1: setting timed terminal event at 26220.0
2025-06-20 19:57:26,776 sats.satellite.Scanner-1 INFO <26220.00> Scanner-1: timed termination at 26220.0 for action_desat
2025-06-20 19:57:26,777 data.base INFO <26220.00> Total reward: {}
2025-06-20 19:57:26,778 comm.communication INFO <26220.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,778 sats.satellite.Scanner-1 INFO <26220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,780 gym INFO <26220.00> Step reward: 0.0
2025-06-20 19:57:26,781 gym INFO <26220.00> === STARTING STEP ===
2025-06-20 19:57:26,781 sats.satellite.Scanner-1 INFO <26220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,781 sats.satellite.Scanner-1 INFO <26220.00> Scanner-1: setting timed terminal event at 26280.0
2025-06-20 19:57:26,789 sats.satellite.Scanner-1 INFO <26280.00> Scanner-1: timed termination at 26280.0 for action_desat
2025-06-20 19:57:26,790 data.base INFO <26280.00> Total reward: {}
2025-06-20 19:57:26,791 comm.communication INFO <26280.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,791 sats.satellite.Scanner-1 INFO <26280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,793 gym INFO <26280.00> Step reward: 0.0
2025-06-20 19:57:26,794 gym INFO <26280.00> === STARTING STEP ===
2025-06-20 19:57:26,794 sats.satellite.Scanner-1 INFO <26280.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,795 sats.satellite.Scanner-1 INFO <26280.00> Scanner-1: setting timed terminal event at 26340.0
2025-06-20 19:57:26,803 sats.satellite.Scanner-1 INFO <26340.00> Scanner-1: timed termination at 26340.0 for action_desat
2025-06-20 19:57:26,804 data.base INFO <26340.00> Total reward: {}
2025-06-20 19:57:26,805 comm.communication INFO <26340.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,805 sats.satellite.Scanner-1 INFO <26340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,807 gym INFO <26340.00> Step reward: 0.0
2025-06-20 19:57:26,808 gym INFO <26340.00> === STARTING STEP ===
2025-06-20 19:57:26,808 sats.satellite.Scanner-1 INFO <26340.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,809 sats.satellite.Scanner-1 INFO <26340.00> Scanner-1: setting timed terminal event at 26520.0
2025-06-20 19:57:26,831 sats.satellite.Scanner-1 INFO <26520.00> Scanner-1: timed termination at 26520.0 for action_nadir_scan
2025-06-20 19:57:26,832 data.base INFO <26520.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-06-20 19:57:26,833 comm.communication INFO <26520.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,833 sats.satellite.Scanner-1 INFO <26520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,835 gym INFO <26520.00> Step reward: 0.004947368421052631
2025-06-20 19:57:26,836 gym INFO <26520.00> === STARTING STEP ===
2025-06-20 19:57:26,836 sats.satellite.Scanner-1 INFO <26520.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:26,837 sats.satellite.Scanner-1 INFO <26520.00> Scanner-1: setting timed terminal event at 26580.0
2025-06-20 19:57:26,845 sats.satellite.Scanner-1 INFO <26580.00> Scanner-1: timed termination at 26580.0 for action_downlink
2025-06-20 19:57:26,845 data.base INFO <26580.00> Total reward: {}
2025-06-20 19:57:26,846 comm.communication INFO <26580.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,847 sats.satellite.Scanner-1 INFO <26580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,848 gym INFO <26580.00> Step reward: 0.0
2025-06-20 19:57:26,849 gym INFO <26580.00> === STARTING STEP ===
2025-06-20 19:57:26,850 sats.satellite.Scanner-1 INFO <26580.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:26,850 sats.satellite.Scanner-1 INFO <26580.00> Scanner-1: setting timed terminal event at 26640.0
2025-06-20 19:57:26,859 sats.satellite.Scanner-1 INFO <26640.00> Scanner-1: timed termination at 26640.0 for action_downlink
2025-06-20 19:57:26,859 data.base INFO <26640.00> Total reward: {}
2025-06-20 19:57:26,860 comm.communication INFO <26640.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,860 sats.satellite.Scanner-1 INFO <26640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,862 gym INFO <26640.00> Step reward: 0.0
2025-06-20 19:57:26,863 gym INFO <26640.00> === STARTING STEP ===
2025-06-20 19:57:26,863 sats.satellite.Scanner-1 INFO <26640.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,864 sats.satellite.Scanner-1 INFO <26640.00> Scanner-1: setting timed terminal event at 26820.0
2025-06-20 19:57:26,887 sats.satellite.Scanner-1 INFO <26820.00> Scanner-1: timed termination at 26820.0 for action_nadir_scan
2025-06-20 19:57:26,888 data.base INFO <26820.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:26,888 comm.communication INFO <26820.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,889 sats.satellite.Scanner-1 INFO <26820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,891 gym INFO <26820.00> Step reward: 0.004912280701754385
2025-06-20 19:57:26,892 gym INFO <26820.00> === STARTING STEP ===
2025-06-20 19:57:26,892 sats.satellite.Scanner-1 INFO <26820.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,893 sats.satellite.Scanner-1 INFO <26820.00> Scanner-1: setting timed terminal event at 27000.0
2025-06-20 19:57:26,916 sats.satellite.Scanner-1 INFO <27000.00> Scanner-1: timed termination at 27000.0 for action_nadir_scan
2025-06-20 19:57:26,916 data.base INFO <27000.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:26,917 comm.communication INFO <27000.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,917 sats.satellite.Scanner-1 INFO <27000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,919 gym INFO <27000.00> Step reward: 0.00631578947368421
2025-06-20 19:57:26,920 gym INFO <27000.00> === STARTING STEP ===
2025-06-20 19:57:26,920 sats.satellite.Scanner-1 INFO <27000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:26,921 sats.satellite.Scanner-1 INFO <27000.00> Scanner-1: setting timed terminal event at 27180.0
2025-06-20 19:57:26,944 sats.satellite.Scanner-1 INFO <27180.00> Scanner-1: timed termination at 27180.0 for action_nadir_scan
2025-06-20 19:57:26,945 data.base INFO <27180.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:26,945 comm.communication INFO <27180.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,946 sats.satellite.Scanner-1 INFO <27180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,947 gym INFO <27180.00> Step reward: 0.00631578947368421
2025-06-20 19:57:26,948 gym INFO <27180.00> === STARTING STEP ===
2025-06-20 19:57:26,949 sats.satellite.Scanner-1 INFO <27180.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,949 sats.satellite.Scanner-1 INFO <27180.00> Scanner-1: setting timed terminal event at 27240.0
2025-06-20 19:57:26,957 sats.satellite.Scanner-1 INFO <27240.00> Scanner-1: timed termination at 27240.0 for action_desat
2025-06-20 19:57:26,958 data.base INFO <27240.00> Total reward: {}
2025-06-20 19:57:26,958 comm.communication INFO <27240.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,959 sats.satellite.Scanner-1 INFO <27240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,961 gym INFO <27240.00> Step reward: 0.0
2025-06-20 19:57:26,961 gym INFO <27240.00> === STARTING STEP ===
2025-06-20 19:57:26,962 sats.satellite.Scanner-1 INFO <27240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:26,963 sats.satellite.Scanner-1 INFO <27240.00> Scanner-1: setting timed terminal event at 27300.0
2025-06-20 19:57:26,970 sats.satellite.Scanner-1 INFO <27300.00> Scanner-1: timed termination at 27300.0 for action_desat
2025-06-20 19:57:26,971 data.base INFO <27300.00> Total reward: {}
2025-06-20 19:57:26,972 comm.communication INFO <27300.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,972 sats.satellite.Scanner-1 INFO <27300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,974 gym INFO <27300.00> Step reward: 0.0
2025-06-20 19:57:26,975 gym INFO <27300.00> === STARTING STEP ===
2025-06-20 19:57:26,975 sats.satellite.Scanner-1 INFO <27300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:26,976 sats.satellite.Scanner-1 INFO <27300.00> Scanner-1: setting timed terminal event at 27360.0
2025-06-20 19:57:26,984 sats.satellite.Scanner-1 INFO <27360.00> Scanner-1: timed termination at 27360.0 for action_downlink
2025-06-20 19:57:26,984 data.base INFO <27360.00> Total reward: {}
2025-06-20 19:57:26,985 comm.communication INFO <27360.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,986 sats.satellite.Scanner-1 INFO <27360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:26,987 gym INFO <27360.00> Step reward: 0.0
2025-06-20 19:57:26,988 gym INFO <27360.00> === STARTING STEP ===
2025-06-20 19:57:26,989 sats.satellite.Scanner-1 INFO <27360.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:26,989 sats.satellite.Scanner-1 INFO <27360.00> Scanner-1: setting timed terminal event at 27420.0
2025-06-20 19:57:26,997 sats.satellite.Scanner-1 INFO <27420.00> Scanner-1: timed termination at 27420.0 for action_downlink
2025-06-20 19:57:26,997 data.base INFO <27420.00> Total reward: {}
2025-06-20 19:57:26,998 comm.communication INFO <27420.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:26,998 sats.satellite.Scanner-1 INFO <27420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:27,000 gym INFO <27420.00> Step reward: 0.0
2025-06-20 19:57:27,001 gym INFO <27420.00> === STARTING STEP ===
2025-06-20 19:57:27,001 sats.satellite.Scanner-1 INFO <27420.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:27,002 sats.satellite.Scanner-1 INFO <27420.00> Scanner-1: setting timed terminal event at 27600.0
2025-06-20 19:57:27,021 sats.satellite.Scanner-1 INFO <27600.00> Scanner-1: timed termination at 27600.0 for action_nadir_scan
2025-06-20 19:57:27,022 data.base INFO <27600.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:27,023 comm.communication INFO <27600.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:27,023 sats.satellite.Scanner-1 INFO <27600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:27,025 gym INFO <27600.00> Step reward: 0.004912280701754385
2025-06-20 19:57:27,026 gym INFO <27600.00> === STARTING STEP ===
2025-06-20 19:57:27,026 sats.satellite.Scanner-1 INFO <27600.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-06-20 19:57:27,027 sats.satellite.Scanner-1 INFO <27600.00> Scanner-1: setting timed terminal event at 27660.0
2025-06-20 19:57:27,034 sats.satellite.Scanner-1 INFO <27660.00> Scanner-1: timed termination at 27660.0 for action_downlink
2025-06-20 19:57:27,035 data.base INFO <27660.00> Total reward: {}
2025-06-20 19:57:27,036 comm.communication INFO <27660.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:27,036 sats.satellite.Scanner-1 INFO <27660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:27,038 gym INFO <27660.00> Step reward: 0.0
2025-06-20 19:57:27,039 gym INFO <27660.00> === STARTING STEP ===
2025-06-20 19:57:27,039 sats.satellite.Scanner-1 INFO <27660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:27,040 sats.satellite.Scanner-1 INFO <27660.00> Scanner-1: setting timed terminal event at 27720.0
2025-06-20 19:57:27,047 sats.satellite.Scanner-1 INFO <27720.00> Scanner-1: timed termination at 27720.0 for action_desat
2025-06-20 19:57:27,048 data.base INFO <27720.00> Total reward: {}
2025-06-20 19:57:27,049 comm.communication INFO <27720.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:27,049 sats.satellite.Scanner-1 INFO <27720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:27,051 gym INFO <27720.00> Step reward: 0.0
2025-06-20 19:57:27,052 gym INFO <27720.00> === STARTING STEP ===
2025-06-20 19:57:27,052 sats.satellite.Scanner-1 INFO <27720.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:27,053 sats.satellite.Scanner-1 INFO <27720.00> Scanner-1: setting timed terminal event at 27780.0
2025-06-20 19:57:27,060 sats.satellite.Scanner-1 INFO <27780.00> Scanner-1: timed termination at 27780.0 for action_desat
2025-06-20 19:57:27,061 data.base INFO <27780.00> Total reward: {}
2025-06-20 19:57:27,062 comm.communication INFO <27780.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:27,062 sats.satellite.Scanner-1 INFO <27780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:27,064 gym INFO <27780.00> Step reward: 0.0
2025-06-20 19:57:27,065 gym INFO <27780.00> === STARTING STEP ===
2025-06-20 19:57:27,065 sats.satellite.Scanner-1 INFO <27780.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:27,066 sats.satellite.Scanner-1 INFO <27780.00> Scanner-1: setting timed terminal event at 27840.0
2025-06-20 19:57:27,074 sats.satellite.Scanner-1 INFO <27840.00> Scanner-1: timed termination at 27840.0 for action_desat
2025-06-20 19:57:27,074 data.base INFO <27840.00> Total reward: {}
2025-06-20 19:57:27,075 comm.communication INFO <27840.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:27,075 sats.satellite.Scanner-1 INFO <27840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:27,077 gym INFO <27840.00> Step reward: 0.0
2025-06-20 19:57:27,078 gym INFO <27840.00> === STARTING STEP ===
2025-06-20 19:57:27,078 sats.satellite.Scanner-1 INFO <27840.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:27,079 sats.satellite.Scanner-1 INFO <27840.00> Scanner-1: setting timed terminal event at 28020.0
2025-06-20 19:57:27,098 sats.satellite.Scanner-1 INFO <28020.00> Scanner-1: timed termination at 28020.0 for action_nadir_scan
2025-06-20 19:57:27,099 data.base INFO <28020.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:27,099 comm.communication INFO <28020.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:27,100 sats.satellite.Scanner-1 INFO <28020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:27,102 gym INFO <28020.00> Step reward: 0.004912280701754385
2025-06-20 19:57:27,103 gym INFO <28020.00> === STARTING STEP ===
2025-06-20 19:57:27,103 sats.satellite.Scanner-1 INFO <28020.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:27,103 sats.satellite.Scanner-1 INFO <28020.00> Scanner-1: setting timed terminal event at 28080.0
2025-06-20 19:57:27,111 sats.satellite.Scanner-1 INFO <28080.00> Scanner-1: timed termination at 28080.0 for action_desat
2025-06-20 19:57:27,112 data.base INFO <28080.00> Total reward: {}
2025-06-20 19:57:27,112 comm.communication INFO <28080.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:27,113 sats.satellite.Scanner-1 INFO <28080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:27,115 gym INFO <28080.00> Step reward: 0.0
2025-06-20 19:57:27,115 gym INFO <28080.00> === STARTING STEP ===
2025-06-20 19:57:27,116 sats.satellite.Scanner-1 INFO <28080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-06-20 19:57:27,116 sats.satellite.Scanner-1 INFO <28080.00> Scanner-1: setting timed terminal event at 28140.0
2025-06-20 19:57:27,125 sats.satellite.Scanner-1 INFO <28140.00> Scanner-1: timed termination at 28140.0 for action_desat
2025-06-20 19:57:27,125 data.base INFO <28140.00> Total reward: {}
2025-06-20 19:57:27,126 comm.communication INFO <28140.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:27,127 sats.satellite.Scanner-1 INFO <28140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:27,128 gym INFO <28140.00> Step reward: 0.0
2025-06-20 19:57:27,129 gym INFO <28140.00> === STARTING STEP ===
2025-06-20 19:57:27,130 sats.satellite.Scanner-1 INFO <28140.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:27,130 sats.satellite.Scanner-1 INFO <28140.00> Scanner-1: setting timed terminal event at 28320.0
2025-06-20 19:57:27,150 sats.satellite.Scanner-1 INFO <28320.00> Scanner-1: timed termination at 28320.0 for action_nadir_scan
2025-06-20 19:57:27,150 data.base INFO <28320.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-06-20 19:57:27,151 comm.communication INFO <28320.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:27,151 sats.satellite.Scanner-1 INFO <28320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-06-20 19:57:27,153 gym INFO <28320.00> Step reward: 0.004912280701754385
2025-06-20 19:57:27,153 gym INFO <28320.00> === STARTING STEP ===
2025-06-20 19:57:27,154 sats.satellite.Scanner-1 INFO <28320.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-06-20 19:57:27,154 sats.satellite.Scanner-1 INFO <28320.00> Scanner-1: setting timed terminal event at 28500.0
2025-06-20 19:57:27,174 data.base INFO <28500.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-06-20 19:57:27,174 comm.communication INFO <28500.00> Optimizing data communication between all pairs of satellites
2025-06-20 19:57:27,176 gym INFO <28500.00> Step reward: 0.00631578947368421
2025-06-20 19:57:27,176 gym INFO <28500.00> Episode terminated: True
2025-06-20 19:57:27,177 gym INFO <28500.00> Episode truncated: True