Training with RLlib PPO

RLlib is a high-performance, distributed reinforcement learning library. It is preferable to other RL libraries (e.g. Stable Baselines

  1. 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-09-14 21:58:21,237 INFO worker.py:1783 -- Started a local Ray instance.
2025-09-14 21:58:24,861 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.13/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.13/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.13/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-09-14 21:59:06
Running for: 00:00:41.76
Memory: 4.5/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_efec5_00000TERMINATED10.1.0.201:5230 10 26.30042500132500
(PPO pid=5230) Install gputil for GPU system monitoring.
(SingleAgentEnvRunner pid=5279) 2025-09-14 21:58:41,732 sats.satellite.Scanner-1       WARNING    <7680.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_lifetimeperf timers
PPO_SatelliteTasking-RLlib_efec5_00000{'alive': np.float64(0.0), 'orbits_complete': np.float64(4.421052631578948), 'reward': np.float64(0.28589473684210537), 'episode_return_mean': -0.7358596491228069, 'episode_return_min': -0.7576140350877193, 'num_env_steps_sampled_lifetime': 25000, 'episode_len_min': 181, 'episode_return_max': -0.7141052631578946, 'sample': np.float64(2.5740492591836053), 'reward_per_orbit': np.float64(0.06466666666666668), 'num_env_steps_sampled': 250, 'battery_status_valid': np.float64(0.0), 'orbits_complete_partial_only': np.float64(4.421052631578948), 'num_episodes': 1, 'agent_episode_returns_mean': {'default_agent': -0.7358596491228069}, 'module_episode_returns_mean': {'default_policy': -0.7358596491228069}, 'num_agent_steps_sampled_lifetime': {'default_agent': 13750}, 'num_agent_steps_sampled': {'default_agent': 250}, 'episode_len_mean': 201.5, 'episode_len_max': 222, 'num_module_steps_sampled_lifetime': {'default_policy': 13750}, 'episode_duration_sec_mean': 3.8993380855000055, 'num_module_steps_sampled': {'default_policy': 250}, 'rw_status_valid': np.float64(1.0), 'time_between_sampling': np.float64(0.3473896411643855)}{'num_healthy_workers': 2, 'num_in_flight_async_reqs': 0, 'num_remote_worker_restarts': 0}{'default_policy': {'num_trainable_parameters': 139525.0, 'vf_explained_var': 0.6081717610359192, 'num_module_steps_trained': 250, 'default_optimizer_learning_rate': 3e-05, 'entropy': 1.3651831150054932, 'mean_kl_loss': 0.0, 'num_non_trainable_parameters': 0.0, 'total_loss': 0.09739421308040619, 'policy_loss': 0.07984580099582672, 'vf_loss': 0.017548419535160065, 'curr_entropy_coeff': 0.0, 'vf_loss_unclipped': 0.017548419535160065, 'gradients_default_optimizer_global_norm': 0.35631924867630005}, '__all_modules__': {'num_env_steps_trained': 250, 'num_trainable_parameters': 139525.0, 'num_module_steps_trained': 250, 'num_non_trainable_parameters': 0.0, 'total_loss': 0.09739421308040619}}{'default_agent': 2500} 2500 2500 13{'cpu_util_percent': np.float64(46.525), 'ram_util_percent': np.float64(28.9)}{'env_runner_sampling_timer': 2.748818200821786, 'learner_update_timer': 0.1147469236952243, 'synch_weights': 0.0061530204548208, 'synch_env_connectors': 0.00584346518171278}
(SingleAgentEnvRunner pid=5278) 2025-09-14 21:58:54,347 sats.satellite.Scanner-1       WARNING    <17040.00> Scanner-1: failed battery_valid check [repeated 3x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/user-guides/configure-logging.html#log-deduplication for more options.)
(SingleAgentEnvRunner pid=5279) 2025-09-14 21:59:00,398 sats.satellite.Scanner-1       WARNING    <7140.00> Scanner-1: failed battery_valid check [repeated 3x across cluster]
2025-09-14 21:59:06,654 INFO tune.py:1009 -- Wrote the latest version of all result files and experiment state to '/home/runner/ray_results/PPO_2025-09-14_21-58-24' in 0.0222s.
(PPO pid=5230) Checkpoint successfully created at: Checkpoint(filesystem=local, path=/home/runner/ray_results/PPO_2025-09-14_21-58-24/PPO_SatelliteTasking-RLlib_efec5_00000_0_2025-09-14_21-58-24/checkpoint_000000)
(SingleAgentEnvRunner pid=5279) 2025-09-14 21:59:05,339 sats.satellite.Scanner-1       WARNING    <25200.00> Scanner-1: failed battery_valid check [repeated 2x across cluster]
2025-09-14 21:59:06,804 INFO tune.py:1041 -- Total run time: 41.94 seconds (41.74 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-09-14 21:59:08,244 gym                            INFO       Resetting environment with seed=844062393
2025-09-14 21:59:08,335 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: Finding opportunity windows from 0.00 to 28500.00 seconds
2025-09-14 21:59:08,431 gym                            INFO       <0.00> Environment reset
2025-09-14 21:59:08,432 gym                            INFO       <0.00> === STARTING STEP ===
2025-09-14 21:59:08,433 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:08,434 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: setting timed terminal event at 120.0
2025-09-14 21:59:08,448 sats.satellite.Scanner-1       INFO       <120.00> Scanner-1: timed termination at 120.0 for action_charge
2025-09-14 21:59:08,449 data.base                      INFO       <120.00> Total reward: {}
2025-09-14 21:59:08,449 comm.communication             INFO       <120.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,450 sats.satellite.Scanner-1       INFO       <120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,452 gym                            INFO       <120.00> Step reward: 0.0
2025-09-14 21:59:08,453 gym                            INFO       <120.00> === STARTING STEP ===
2025-09-14 21:59:08,453 sats.satellite.Scanner-1       INFO       <120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:08,454 sats.satellite.Scanner-1       INFO       <120.00> Scanner-1: setting timed terminal event at 240.0
2025-09-14 21:59:08,470 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: timed termination at 240.0 for action_charge
2025-09-14 21:59:08,471 data.base                      INFO       <240.00> Total reward: {}
2025-09-14 21:59:08,472 comm.communication             INFO       <240.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,472 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,474 gym                            INFO       <240.00> Step reward: 0.0
2025-09-14 21:59:08,475 gym                            INFO       <240.00> === STARTING STEP ===
2025-09-14 21:59:08,476 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:08,476 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: setting timed terminal event at 300.0
2025-09-14 21:59:08,484 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: timed termination at 300.0 for action_desat
2025-09-14 21:59:08,485 data.base                      INFO       <300.00> Total reward: {}
2025-09-14 21:59:08,485 comm.communication             INFO       <300.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,486 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,488 gym                            INFO       <300.00> Step reward: 0.0
2025-09-14 21:59:08,489 gym                            INFO       <300.00> === STARTING STEP ===
2025-09-14 21:59:08,489 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:08,490 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: setting timed terminal event at 480.0
2025-09-14 21:59:08,510 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: timed termination at 480.0 for action_nadir_scan
2025-09-14 21:59:08,511 data.base                      INFO       <480.00> Total reward: {'Scanner-1': 0.00256140350877193}
2025-09-14 21:59:08,511 comm.communication             INFO       <480.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,511 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,513 gym                            INFO       <480.00> Step reward: 0.00256140350877193
2025-09-14 21:59:08,514 gym                            INFO       <480.00> === STARTING STEP ===
2025-09-14 21:59:08,514 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:08,515 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: setting timed terminal event at 660.0
2025-09-14 21:59:08,535 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: timed termination at 660.0 for action_nadir_scan
2025-09-14 21:59:08,536 data.base                      INFO       <660.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:08,536 comm.communication             INFO       <660.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,537 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,539 gym                            INFO       <660.00> Step reward: 0.00631578947368421
2025-09-14 21:59:08,539 gym                            INFO       <660.00> === STARTING STEP ===
2025-09-14 21:59:08,540 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:08,540 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: setting timed terminal event at 720.0
2025-09-14 21:59:08,550 sats.satellite.Scanner-1       INFO       <720.00> Scanner-1: timed termination at 720.0 for action_downlink
2025-09-14 21:59:08,551 data.base                      INFO       <720.00> Total reward: {}
2025-09-14 21:59:08,551 comm.communication             INFO       <720.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,552 sats.satellite.Scanner-1       INFO       <720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,554 gym                            INFO       <720.00> Step reward: 0.0
2025-09-14 21:59:08,554 gym                            INFO       <720.00> === STARTING STEP ===
2025-09-14 21:59:08,555 sats.satellite.Scanner-1       INFO       <720.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:08,556 sats.satellite.Scanner-1       INFO       <720.00> Scanner-1: setting timed terminal event at 900.0
2025-09-14 21:59:08,580 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: timed termination at 900.0 for action_nadir_scan
2025-09-14 21:59:08,580 data.base                      INFO       <900.00> Total reward: {'Scanner-1': 0.0031228070175438596}
2025-09-14 21:59:08,581 comm.communication             INFO       <900.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,581 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,583 gym                            INFO       <900.00> Step reward: 0.0031228070175438596
2025-09-14 21:59:08,584 gym                            INFO       <900.00> === STARTING STEP ===
2025-09-14 21:59:08,584 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:08,585 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: setting timed terminal event at 960.0
2025-09-14 21:59:08,594 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: timed termination at 960.0 for action_desat
2025-09-14 21:59:08,594 data.base                      INFO       <960.00> Total reward: {}
2025-09-14 21:59:08,595 comm.communication             INFO       <960.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,596 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,598 gym                            INFO       <960.00> Step reward: 0.0
2025-09-14 21:59:08,598 gym                            INFO       <960.00> === STARTING STEP ===
2025-09-14 21:59:08,599 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:08,599 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: setting timed terminal event at 1080.0
2025-09-14 21:59:08,612 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: timed termination at 1080.0 for action_charge
2025-09-14 21:59:08,613 data.base                      INFO       <1080.00> Total reward: {}
2025-09-14 21:59:08,613 comm.communication             INFO       <1080.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,614 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,615 gym                            INFO       <1080.00> Step reward: 0.0
2025-09-14 21:59:08,616 gym                            INFO       <1080.00> === STARTING STEP ===
2025-09-14 21:59:08,617 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:08,617 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: setting timed terminal event at 1140.0
2025-09-14 21:59:08,625 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: timed termination at 1140.0 for action_downlink
2025-09-14 21:59:08,626 data.base                      INFO       <1140.00> Total reward: {}
2025-09-14 21:59:08,626 comm.communication             INFO       <1140.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,627 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,629 gym                            INFO       <1140.00> Step reward: 0.0
2025-09-14 21:59:08,630 gym                            INFO       <1140.00> === STARTING STEP ===
2025-09-14 21:59:08,630 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:08,631 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: setting timed terminal event at 1260.0
2025-09-14 21:59:08,644 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: timed termination at 1260.0 for action_charge
2025-09-14 21:59:08,645 data.base                      INFO       <1260.00> Total reward: {}
2025-09-14 21:59:08,645 comm.communication             INFO       <1260.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,646 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,648 gym                            INFO       <1260.00> Step reward: 0.0
2025-09-14 21:59:08,649 gym                            INFO       <1260.00> === STARTING STEP ===
2025-09-14 21:59:08,650 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:08,650 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: setting timed terminal event at 1440.0
2025-09-14 21:59:08,674 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: timed termination at 1440.0 for action_nadir_scan
2025-09-14 21:59:08,674 data.base                      INFO       <1440.00> Total reward: {'Scanner-1': 0.003263157894736842}
2025-09-14 21:59:08,675 comm.communication             INFO       <1440.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,675 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,678 gym                            INFO       <1440.00> Step reward: 0.003263157894736842
2025-09-14 21:59:08,678 gym                            INFO       <1440.00> === STARTING STEP ===
2025-09-14 21:59:08,679 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:08,679 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: setting timed terminal event at 1620.0
2025-09-14 21:59:08,699 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: timed termination at 1620.0 for action_nadir_scan
2025-09-14 21:59:08,700 data.base                      INFO       <1620.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:08,700 comm.communication             INFO       <1620.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,701 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,703 gym                            INFO       <1620.00> Step reward: 0.00631578947368421
2025-09-14 21:59:08,704 gym                            INFO       <1620.00> === STARTING STEP ===
2025-09-14 21:59:08,704 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:08,704 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: setting timed terminal event at 1680.0
2025-09-14 21:59:08,713 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: timed termination at 1680.0 for action_desat
2025-09-14 21:59:08,713 data.base                      INFO       <1680.00> Total reward: {}
2025-09-14 21:59:08,714 comm.communication             INFO       <1680.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,714 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,716 gym                            INFO       <1680.00> Step reward: 0.0
2025-09-14 21:59:08,717 gym                            INFO       <1680.00> === STARTING STEP ===
2025-09-14 21:59:08,717 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:08,717 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: setting timed terminal event at 1860.0
2025-09-14 21:59:08,738 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: timed termination at 1860.0 for action_nadir_scan
2025-09-14 21:59:08,738 data.base                      INFO       <1860.00> Total reward: {'Scanner-1': 0.00431578947368421}
2025-09-14 21:59:08,739 comm.communication             INFO       <1860.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,739 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,741 gym                            INFO       <1860.00> Step reward: 0.00431578947368421
2025-09-14 21:59:08,742 gym                            INFO       <1860.00> === STARTING STEP ===
2025-09-14 21:59:08,742 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:08,743 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: setting timed terminal event at 1920.0
2025-09-14 21:59:08,751 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: timed termination at 1920.0 for action_downlink
2025-09-14 21:59:08,751 data.base                      INFO       <1920.00> Total reward: {}
2025-09-14 21:59:08,752 comm.communication             INFO       <1920.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,752 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,754 gym                            INFO       <1920.00> Step reward: 0.0
2025-09-14 21:59:08,755 gym                            INFO       <1920.00> === STARTING STEP ===
2025-09-14 21:59:08,755 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:08,756 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: setting timed terminal event at 2100.0
2025-09-14 21:59:08,780 sats.satellite.Scanner-1       INFO       <2100.00> Scanner-1: timed termination at 2100.0 for action_nadir_scan
2025-09-14 21:59:08,781 data.base                      INFO       <2100.00> Total reward: {'Scanner-1': 0.005052631578947368}
2025-09-14 21:59:08,781 comm.communication             INFO       <2100.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,782 sats.satellite.Scanner-1       INFO       <2100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,784 gym                            INFO       <2100.00> Step reward: 0.005052631578947368
2025-09-14 21:59:08,785 gym                            INFO       <2100.00> === STARTING STEP ===
2025-09-14 21:59:08,786 sats.satellite.Scanner-1       INFO       <2100.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:08,786 sats.satellite.Scanner-1       INFO       <2100.00> Scanner-1: setting timed terminal event at 2160.0
2025-09-14 21:59:08,794 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: timed termination at 2160.0 for action_downlink
2025-09-14 21:59:08,795 data.base                      INFO       <2160.00> Total reward: {}
2025-09-14 21:59:08,795 comm.communication             INFO       <2160.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,795 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,797 gym                            INFO       <2160.00> Step reward: 0.0
2025-09-14 21:59:08,798 gym                            INFO       <2160.00> === STARTING STEP ===
2025-09-14 21:59:08,798 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:08,799 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: setting timed terminal event at 2220.0
2025-09-14 21:59:08,806 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: timed termination at 2220.0 for action_downlink
2025-09-14 21:59:08,807 data.base                      INFO       <2220.00> Total reward: {}
2025-09-14 21:59:08,808 comm.communication             INFO       <2220.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,808 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,810 gym                            INFO       <2220.00> Step reward: 0.0
2025-09-14 21:59:08,811 gym                            INFO       <2220.00> === STARTING STEP ===
2025-09-14 21:59:08,811 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:08,812 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: setting timed terminal event at 2280.0
2025-09-14 21:59:08,820 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: timed termination at 2280.0 for action_downlink
2025-09-14 21:59:08,820 data.base                      INFO       <2280.00> Total reward: {}
2025-09-14 21:59:08,821 comm.communication             INFO       <2280.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,821 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,823 gym                            INFO       <2280.00> Step reward: 0.0
2025-09-14 21:59:08,823 gym                            INFO       <2280.00> === STARTING STEP ===
2025-09-14 21:59:08,824 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:08,824 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: setting timed terminal event at 2400.0
2025-09-14 21:59:08,838 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: timed termination at 2400.0 for action_charge
2025-09-14 21:59:08,839 data.base                      INFO       <2400.00> Total reward: {}
2025-09-14 21:59:08,840 comm.communication             INFO       <2400.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,840 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,842 gym                            INFO       <2400.00> Step reward: 0.0
2025-09-14 21:59:08,843 gym                            INFO       <2400.00> === STARTING STEP ===
2025-09-14 21:59:08,843 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:08,844 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: setting timed terminal event at 2520.0
2025-09-14 21:59:08,858 sats.satellite.Scanner-1       INFO       <2520.00> Scanner-1: timed termination at 2520.0 for action_charge
2025-09-14 21:59:08,859 data.base                      INFO       <2520.00> Total reward: {}
2025-09-14 21:59:08,859 comm.communication             INFO       <2520.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,860 sats.satellite.Scanner-1       INFO       <2520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,862 gym                            INFO       <2520.00> Step reward: 0.0
2025-09-14 21:59:08,863 gym                            INFO       <2520.00> === STARTING STEP ===
2025-09-14 21:59:08,863 sats.satellite.Scanner-1       INFO       <2520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:08,864 sats.satellite.Scanner-1       INFO       <2520.00> Scanner-1: setting timed terminal event at 2580.0
2025-09-14 21:59:08,872 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: timed termination at 2580.0 for action_desat
2025-09-14 21:59:08,872 data.base                      INFO       <2580.00> Total reward: {}
2025-09-14 21:59:08,873 comm.communication             INFO       <2580.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,873 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,875 gym                            INFO       <2580.00> Step reward: 0.0
2025-09-14 21:59:08,876 gym                            INFO       <2580.00> === STARTING STEP ===
2025-09-14 21:59:08,876 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:08,877 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: setting timed terminal event at 2640.0
2025-09-14 21:59:08,885 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: timed termination at 2640.0 for action_downlink
2025-09-14 21:59:08,885 data.base                      INFO       <2640.00> Total reward: {}
2025-09-14 21:59:08,886 comm.communication             INFO       <2640.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,887 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,889 gym                            INFO       <2640.00> Step reward: 0.0
2025-09-14 21:59:08,889 gym                            INFO       <2640.00> === STARTING STEP ===
2025-09-14 21:59:08,890 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:08,890 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: setting timed terminal event at 2760.0
2025-09-14 21:59:08,904 sats.satellite.Scanner-1       INFO       <2760.00> Scanner-1: timed termination at 2760.0 for action_charge
2025-09-14 21:59:08,904 data.base                      INFO       <2760.00> Total reward: {}
2025-09-14 21:59:08,905 comm.communication             INFO       <2760.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,906 sats.satellite.Scanner-1       INFO       <2760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,907 gym                            INFO       <2760.00> Step reward: 0.0
2025-09-14 21:59:08,908 gym                            INFO       <2760.00> === STARTING STEP ===
2025-09-14 21:59:08,908 sats.satellite.Scanner-1       INFO       <2760.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:08,909 sats.satellite.Scanner-1       INFO       <2760.00> Scanner-1: setting timed terminal event at 2820.0
2025-09-14 21:59:08,917 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: timed termination at 2820.0 for action_downlink
2025-09-14 21:59:08,917 data.base                      INFO       <2820.00> Total reward: {}
2025-09-14 21:59:08,918 comm.communication             INFO       <2820.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,918 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,920 gym                            INFO       <2820.00> Step reward: 0.0
2025-09-14 21:59:08,920 gym                            INFO       <2820.00> === STARTING STEP ===
2025-09-14 21:59:08,921 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:08,921 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: setting timed terminal event at 2940.0
2025-09-14 21:59:08,935 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: timed termination at 2940.0 for action_charge
2025-09-14 21:59:08,935 data.base                      INFO       <2940.00> Total reward: {}
2025-09-14 21:59:08,936 comm.communication             INFO       <2940.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,936 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,938 gym                            INFO       <2940.00> Step reward: 0.0
2025-09-14 21:59:08,939 gym                            INFO       <2940.00> === STARTING STEP ===
2025-09-14 21:59:08,939 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:08,940 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: setting timed terminal event at 3120.0
2025-09-14 21:59:08,960 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: timed termination at 3120.0 for action_nadir_scan
2025-09-14 21:59:08,961 data.base                      INFO       <3120.00> Total reward: {'Scanner-1': 0.005052631578947368}
2025-09-14 21:59:08,961 comm.communication             INFO       <3120.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,962 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,964 gym                            INFO       <3120.00> Step reward: 0.005052631578947368
2025-09-14 21:59:08,964 gym                            INFO       <3120.00> === STARTING STEP ===
2025-09-14 21:59:08,965 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:08,966 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: setting timed terminal event at 3180.0
2025-09-14 21:59:08,974 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: timed termination at 3180.0 for action_desat
2025-09-14 21:59:08,974 data.base                      INFO       <3180.00> Total reward: {}
2025-09-14 21:59:08,975 comm.communication             INFO       <3180.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:08,976 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:08,977 gym                            INFO       <3180.00> Step reward: 0.0
2025-09-14 21:59:08,978 gym                            INFO       <3180.00> === STARTING STEP ===
2025-09-14 21:59:08,978 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:08,979 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: setting timed terminal event at 3360.0
2025-09-14 21:59:08,999 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: timed termination at 3360.0 for action_nadir_scan
2025-09-14 21:59:09,000 data.base                      INFO       <3360.00> Total reward: {'Scanner-1': 0.005052631578947368}
2025-09-14 21:59:09,000 comm.communication             INFO       <3360.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,001 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,003 gym                            INFO       <3360.00> Step reward: 0.005052631578947368
2025-09-14 21:59:09,003 gym                            INFO       <3360.00> === STARTING STEP ===
2025-09-14 21:59:09,004 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,004 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: setting timed terminal event at 3480.0
2025-09-14 21:59:09,018 sats.satellite.Scanner-1       INFO       <3480.00> Scanner-1: timed termination at 3480.0 for action_charge
2025-09-14 21:59:09,019 data.base                      INFO       <3480.00> Total reward: {}
2025-09-14 21:59:09,020 comm.communication             INFO       <3480.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,020 sats.satellite.Scanner-1       INFO       <3480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,022 gym                            INFO       <3480.00> Step reward: 0.0
2025-09-14 21:59:09,023 gym                            INFO       <3480.00> === STARTING STEP ===
2025-09-14 21:59:09,023 sats.satellite.Scanner-1       INFO       <3480.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:09,023 sats.satellite.Scanner-1       INFO       <3480.00> Scanner-1: setting timed terminal event at 3540.0
2025-09-14 21:59:09,031 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: timed termination at 3540.0 for action_downlink
2025-09-14 21:59:09,032 data.base                      INFO       <3540.00> Total reward: {}
2025-09-14 21:59:09,032 comm.communication             INFO       <3540.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,033 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,034 gym                            INFO       <3540.00> Step reward: 0.0
2025-09-14 21:59:09,035 gym                            INFO       <3540.00> === STARTING STEP ===
2025-09-14 21:59:09,035 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,036 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: setting timed terminal event at 3720.0
2025-09-14 21:59:09,060 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: timed termination at 3720.0 for action_nadir_scan
2025-09-14 21:59:09,061 data.base                      INFO       <3720.00> Total reward: {'Scanner-1': 0.004561403508771929}
2025-09-14 21:59:09,061 comm.communication             INFO       <3720.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,062 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,064 gym                            INFO       <3720.00> Step reward: 0.004561403508771929
2025-09-14 21:59:09,065 gym                            INFO       <3720.00> === STARTING STEP ===
2025-09-14 21:59:09,065 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:09,066 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: setting timed terminal event at 3780.0
2025-09-14 21:59:09,073 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: timed termination at 3780.0 for action_downlink
2025-09-14 21:59:09,074 data.base                      INFO       <3780.00> Total reward: {}
2025-09-14 21:59:09,074 comm.communication             INFO       <3780.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,075 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,077 gym                            INFO       <3780.00> Step reward: 0.0
2025-09-14 21:59:09,078 gym                            INFO       <3780.00> === STARTING STEP ===
2025-09-14 21:59:09,078 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,079 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: setting timed terminal event at 3900.0
2025-09-14 21:59:09,092 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: timed termination at 3900.0 for action_charge
2025-09-14 21:59:09,092 data.base                      INFO       <3900.00> Total reward: {}
2025-09-14 21:59:09,093 comm.communication             INFO       <3900.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,093 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,095 gym                            INFO       <3900.00> Step reward: 0.0
2025-09-14 21:59:09,096 gym                            INFO       <3900.00> === STARTING STEP ===
2025-09-14 21:59:09,096 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,097 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: setting timed terminal event at 4080.0
2025-09-14 21:59:09,117 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: timed termination at 4080.0 for action_nadir_scan
2025-09-14 21:59:09,117 data.base                      INFO       <4080.00> Total reward: {'Scanner-1': 0.0058947368421052625}
2025-09-14 21:59:09,118 comm.communication             INFO       <4080.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,119 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,120 gym                            INFO       <4080.00> Step reward: 0.0058947368421052625
2025-09-14 21:59:09,121 gym                            INFO       <4080.00> === STARTING STEP ===
2025-09-14 21:59:09,122 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,122 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: setting timed terminal event at 4260.0
2025-09-14 21:59:09,142 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: timed termination at 4260.0 for action_nadir_scan
2025-09-14 21:59:09,142 data.base                      INFO       <4260.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:09,143 comm.communication             INFO       <4260.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,143 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,145 gym                            INFO       <4260.00> Step reward: 0.00631578947368421
2025-09-14 21:59:09,146 gym                            INFO       <4260.00> === STARTING STEP ===
2025-09-14 21:59:09,147 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,147 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: setting timed terminal event at 4440.0
2025-09-14 21:59:09,167 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: timed termination at 4440.0 for action_nadir_scan
2025-09-14 21:59:09,168 data.base                      INFO       <4440.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:09,168 comm.communication             INFO       <4440.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,169 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,171 gym                            INFO       <4440.00> Step reward: 0.00631578947368421
2025-09-14 21:59:09,172 gym                            INFO       <4440.00> === STARTING STEP ===
2025-09-14 21:59:09,172 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,173 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: setting timed terminal event at 4620.0
2025-09-14 21:59:09,197 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: timed termination at 4620.0 for action_nadir_scan
2025-09-14 21:59:09,198 data.base                      INFO       <4620.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:09,198 comm.communication             INFO       <4620.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,199 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,201 gym                            INFO       <4620.00> Step reward: 0.00631578947368421
2025-09-14 21:59:09,201 gym                            INFO       <4620.00> === STARTING STEP ===
2025-09-14 21:59:09,202 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,202 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: setting timed terminal event at 4740.0
2025-09-14 21:59:09,217 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: timed termination at 4740.0 for action_charge
2025-09-14 21:59:09,217 data.base                      INFO       <4740.00> Total reward: {}
2025-09-14 21:59:09,218 comm.communication             INFO       <4740.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,218 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,220 gym                            INFO       <4740.00> Step reward: 0.0
2025-09-14 21:59:09,221 gym                            INFO       <4740.00> === STARTING STEP ===
2025-09-14 21:59:09,222 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,222 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: setting timed terminal event at 4860.0
2025-09-14 21:59:09,235 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: timed termination at 4860.0 for action_charge
2025-09-14 21:59:09,236 data.base                      INFO       <4860.00> Total reward: {}
2025-09-14 21:59:09,236 comm.communication             INFO       <4860.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,237 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,239 gym                            INFO       <4860.00> Step reward: 0.0
2025-09-14 21:59:09,240 gym                            INFO       <4860.00> === STARTING STEP ===
2025-09-14 21:59:09,240 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:09,241 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: setting timed terminal event at 4920.0
2025-09-14 21:59:09,249 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: timed termination at 4920.0 for action_desat
2025-09-14 21:59:09,249 data.base                      INFO       <4920.00> Total reward: {}
2025-09-14 21:59:09,250 comm.communication             INFO       <4920.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,250 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,252 gym                            INFO       <4920.00> Step reward: 0.0
2025-09-14 21:59:09,253 gym                            INFO       <4920.00> === STARTING STEP ===
2025-09-14 21:59:09,254 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,254 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: setting timed terminal event at 5100.0
2025-09-14 21:59:09,274 sats.satellite.Scanner-1       INFO       <5100.00> Scanner-1: timed termination at 5100.0 for action_nadir_scan
2025-09-14 21:59:09,275 data.base                      INFO       <5100.00> Total reward: {'Scanner-1': 0.004456140350877193}
2025-09-14 21:59:09,275 comm.communication             INFO       <5100.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,276 sats.satellite.Scanner-1       INFO       <5100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,278 gym                            INFO       <5100.00> Step reward: 0.004456140350877193
2025-09-14 21:59:09,279 gym                            INFO       <5100.00> === STARTING STEP ===
2025-09-14 21:59:09,279 sats.satellite.Scanner-1       INFO       <5100.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,279 sats.satellite.Scanner-1       INFO       <5100.00> Scanner-1: setting timed terminal event at 5220.0
2025-09-14 21:59:09,293 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: timed termination at 5220.0 for action_charge
2025-09-14 21:59:09,294 data.base                      INFO       <5220.00> Total reward: {}
2025-09-14 21:59:09,295 comm.communication             INFO       <5220.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,295 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,297 gym                            INFO       <5220.00> Step reward: 0.0
2025-09-14 21:59:09,297 gym                            INFO       <5220.00> === STARTING STEP ===
2025-09-14 21:59:09,298 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:09,298 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: setting timed terminal event at 5280.0
2025-09-14 21:59:09,306 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: timed termination at 5280.0 for action_desat
2025-09-14 21:59:09,307 data.base                      INFO       <5280.00> Total reward: {}
2025-09-14 21:59:09,307 comm.communication             INFO       <5280.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,308 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,310 gym                            INFO       <5280.00> Step reward: 0.0
2025-09-14 21:59:09,310 gym                            INFO       <5280.00> === STARTING STEP ===
2025-09-14 21:59:09,311 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,311 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: setting timed terminal event at 5400.0
2025-09-14 21:59:09,328 sats.satellite.Scanner-1       INFO       <5400.00> Scanner-1: timed termination at 5400.0 for action_charge
2025-09-14 21:59:09,328 data.base                      INFO       <5400.00> Total reward: {}
2025-09-14 21:59:09,329 comm.communication             INFO       <5400.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,329 sats.satellite.Scanner-1       INFO       <5400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,331 gym                            INFO       <5400.00> Step reward: 0.0
2025-09-14 21:59:09,332 gym                            INFO       <5400.00> === STARTING STEP ===
2025-09-14 21:59:09,332 sats.satellite.Scanner-1       INFO       <5400.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,333 sats.satellite.Scanner-1       INFO       <5400.00> Scanner-1: setting timed terminal event at 5520.0
2025-09-14 21:59:09,349 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: timed termination at 5520.0 for action_charge
2025-09-14 21:59:09,350 data.base                      INFO       <5520.00> Total reward: {}
2025-09-14 21:59:09,350 comm.communication             INFO       <5520.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,351 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,353 gym                            INFO       <5520.00> Step reward: 0.0
2025-09-14 21:59:09,354 gym                            INFO       <5520.00> === STARTING STEP ===
2025-09-14 21:59:09,354 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:09,355 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: setting timed terminal event at 5580.0
2025-09-14 21:59:09,364 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: timed termination at 5580.0 for action_downlink
2025-09-14 21:59:09,364 data.base                      INFO       <5580.00> Total reward: {}
2025-09-14 21:59:09,365 comm.communication             INFO       <5580.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,365 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,367 gym                            INFO       <5580.00> Step reward: 0.0
2025-09-14 21:59:09,368 gym                            INFO       <5580.00> === STARTING STEP ===
2025-09-14 21:59:09,368 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:09,368 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: setting timed terminal event at 5640.0
2025-09-14 21:59:09,377 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: timed termination at 5640.0 for action_desat
2025-09-14 21:59:09,377 data.base                      INFO       <5640.00> Total reward: {}
2025-09-14 21:59:09,378 comm.communication             INFO       <5640.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,378 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,380 gym                            INFO       <5640.00> Step reward: 0.0
2025-09-14 21:59:09,381 gym                            INFO       <5640.00> === STARTING STEP ===
2025-09-14 21:59:09,381 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:09,382 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: setting timed terminal event at 5700.0
2025-09-14 21:59:09,390 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: timed termination at 5700.0 for action_downlink
2025-09-14 21:59:09,390 data.base                      INFO       <5700.00> Total reward: {}
2025-09-14 21:59:09,391 comm.communication             INFO       <5700.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,391 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,393 gym                            INFO       <5700.00> Step reward: 0.0
2025-09-14 21:59:09,394 gym                            INFO       <5700.00> === STARTING STEP ===
2025-09-14 21:59:09,394 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,395 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: setting timed terminal event at 5880.0
2025-09-14 21:59:09,416 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: timed termination at 5880.0 for action_nadir_scan
2025-09-14 21:59:09,416 data.base                      INFO       <5880.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:09,417 comm.communication             INFO       <5880.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,418 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,419 gym                            INFO       <5880.00> Step reward: 0.004912280701754385
2025-09-14 21:59:09,420 gym                            INFO       <5880.00> === STARTING STEP ===
2025-09-14 21:59:09,420 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,421 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: setting timed terminal event at 6000.0
2025-09-14 21:59:09,438 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: timed termination at 6000.0 for action_charge
2025-09-14 21:59:09,438 data.base                      INFO       <6000.00> Total reward: {}
2025-09-14 21:59:09,439 comm.communication             INFO       <6000.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,439 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,442 gym                            INFO       <6000.00> Step reward: 0.0
2025-09-14 21:59:09,442 gym                            INFO       <6000.00> === STARTING STEP ===
2025-09-14 21:59:09,443 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,443 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: setting timed terminal event at 6120.0
2025-09-14 21:59:09,457 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: timed termination at 6120.0 for action_charge
2025-09-14 21:59:09,458 data.base                      INFO       <6120.00> Total reward: {}
2025-09-14 21:59:09,458 comm.communication             INFO       <6120.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,458 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,460 gym                            INFO       <6120.00> Step reward: 0.0
2025-09-14 21:59:09,461 gym                            INFO       <6120.00> === STARTING STEP ===
2025-09-14 21:59:09,461 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,462 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: setting timed terminal event at 6240.0
2025-09-14 21:59:09,479 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: timed termination at 6240.0 for action_charge
2025-09-14 21:59:09,479 data.base                      INFO       <6240.00> Total reward: {}
2025-09-14 21:59:09,480 comm.communication             INFO       <6240.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,481 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,482 gym                            INFO       <6240.00> Step reward: 0.0
2025-09-14 21:59:09,483 gym                            INFO       <6240.00> === STARTING STEP ===
2025-09-14 21:59:09,483 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:09,484 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: setting timed terminal event at 6300.0
2025-09-14 21:59:09,492 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: timed termination at 6300.0 for action_desat
2025-09-14 21:59:09,493 data.base                      INFO       <6300.00> Total reward: {}
2025-09-14 21:59:09,493 comm.communication             INFO       <6300.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,494 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,495 gym                            INFO       <6300.00> Step reward: 0.0
2025-09-14 21:59:09,496 gym                            INFO       <6300.00> === STARTING STEP ===
2025-09-14 21:59:09,497 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,497 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: setting timed terminal event at 6480.0
2025-09-14 21:59:09,521 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: timed termination at 6480.0 for action_nadir_scan
2025-09-14 21:59:09,522 data.base                      INFO       <6480.00> Total reward: {'Scanner-1': 0.005052631578947368}
2025-09-14 21:59:09,522 comm.communication             INFO       <6480.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,523 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,525 gym                            INFO       <6480.00> Step reward: 0.005052631578947368
2025-09-14 21:59:09,526 gym                            INFO       <6480.00> === STARTING STEP ===
2025-09-14 21:59:09,526 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,527 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: setting timed terminal event at 6660.0
2025-09-14 21:59:09,551 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: timed termination at 6660.0 for action_nadir_scan
2025-09-14 21:59:09,551 data.base                      INFO       <6660.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:09,551 comm.communication             INFO       <6660.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,552 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,554 gym                            INFO       <6660.00> Step reward: 0.00631578947368421
2025-09-14 21:59:09,555 gym                            INFO       <6660.00> === STARTING STEP ===
2025-09-14 21:59:09,555 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:09,555 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: setting timed terminal event at 6720.0
2025-09-14 21:59:09,565 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: timed termination at 6720.0 for action_desat
2025-09-14 21:59:09,565 data.base                      INFO       <6720.00> Total reward: {}
2025-09-14 21:59:09,565 comm.communication             INFO       <6720.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,566 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,568 gym                            INFO       <6720.00> Step reward: 0.0
2025-09-14 21:59:09,568 gym                            INFO       <6720.00> === STARTING STEP ===
2025-09-14 21:59:09,569 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:09,569 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: setting timed terminal event at 6780.0
2025-09-14 21:59:09,578 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: timed termination at 6780.0 for action_downlink
2025-09-14 21:59:09,579 data.base                      INFO       <6780.00> Total reward: {}
2025-09-14 21:59:09,579 comm.communication             INFO       <6780.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,580 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,582 gym                            INFO       <6780.00> Step reward: 0.0
2025-09-14 21:59:09,582 gym                            INFO       <6780.00> === STARTING STEP ===
2025-09-14 21:59:09,583 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:09,583 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: setting timed terminal event at 6840.0
2025-09-14 21:59:09,591 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: timed termination at 6840.0 for action_downlink
2025-09-14 21:59:09,591 data.base                      INFO       <6840.00> Total reward: {}
2025-09-14 21:59:09,592 comm.communication             INFO       <6840.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,592 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,594 gym                            INFO       <6840.00> Step reward: 0.0
2025-09-14 21:59:09,595 gym                            INFO       <6840.00> === STARTING STEP ===
2025-09-14 21:59:09,596 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,596 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: setting timed terminal event at 6960.0
2025-09-14 21:59:09,610 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: timed termination at 6960.0 for action_charge
2025-09-14 21:59:09,611 data.base                      INFO       <6960.00> Total reward: {}
2025-09-14 21:59:09,611 comm.communication             INFO       <6960.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,612 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,614 gym                            INFO       <6960.00> Step reward: 0.0
2025-09-14 21:59:09,615 gym                            INFO       <6960.00> === STARTING STEP ===
2025-09-14 21:59:09,615 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,616 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: setting timed terminal event at 7140.0
2025-09-14 21:59:09,637 sats.satellite.Scanner-1       INFO       <7140.00> Scanner-1: timed termination at 7140.0 for action_nadir_scan
2025-09-14 21:59:09,638 data.base                      INFO       <7140.00> Total reward: {'Scanner-1': 0.004561403508771929}
2025-09-14 21:59:09,639 comm.communication             INFO       <7140.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,639 sats.satellite.Scanner-1       INFO       <7140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,641 gym                            INFO       <7140.00> Step reward: 0.004561403508771929
2025-09-14 21:59:09,642 gym                            INFO       <7140.00> === STARTING STEP ===
2025-09-14 21:59:09,643 sats.satellite.Scanner-1       INFO       <7140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,643 sats.satellite.Scanner-1       INFO       <7140.00> Scanner-1: setting timed terminal event at 7260.0
2025-09-14 21:59:09,657 sats.satellite.Scanner-1       INFO       <7260.00> Scanner-1: timed termination at 7260.0 for action_charge
2025-09-14 21:59:09,658 data.base                      INFO       <7260.00> Total reward: {}
2025-09-14 21:59:09,658 comm.communication             INFO       <7260.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,659 sats.satellite.Scanner-1       INFO       <7260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,660 gym                            INFO       <7260.00> Step reward: 0.0
2025-09-14 21:59:09,661 gym                            INFO       <7260.00> === STARTING STEP ===
2025-09-14 21:59:09,662 sats.satellite.Scanner-1       INFO       <7260.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,662 sats.satellite.Scanner-1       INFO       <7260.00> Scanner-1: setting timed terminal event at 7440.0
2025-09-14 21:59:09,682 sats.satellite.Scanner-1       INFO       <7440.00> Scanner-1: timed termination at 7440.0 for action_nadir_scan
2025-09-14 21:59:09,682 data.base                      INFO       <7440.00> Total reward: {'Scanner-1': 0.0043859649122807015}
2025-09-14 21:59:09,683 comm.communication             INFO       <7440.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,683 sats.satellite.Scanner-1       INFO       <7440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,685 gym                            INFO       <7440.00> Step reward: 0.0043859649122807015
2025-09-14 21:59:09,686 gym                            INFO       <7440.00> === STARTING STEP ===
2025-09-14 21:59:09,686 sats.satellite.Scanner-1       INFO       <7440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,687 sats.satellite.Scanner-1       INFO       <7440.00> Scanner-1: setting timed terminal event at 7560.0
2025-09-14 21:59:09,701 sats.satellite.Scanner-1       INFO       <7560.00> Scanner-1: timed termination at 7560.0 for action_charge
2025-09-14 21:59:09,701 data.base                      INFO       <7560.00> Total reward: {}
2025-09-14 21:59:09,702 comm.communication             INFO       <7560.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,702 sats.satellite.Scanner-1       INFO       <7560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,704 gym                            INFO       <7560.00> Step reward: 0.0
2025-09-14 21:59:09,705 gym                            INFO       <7560.00> === STARTING STEP ===
2025-09-14 21:59:09,705 sats.satellite.Scanner-1       INFO       <7560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:09,706 sats.satellite.Scanner-1       INFO       <7560.00> Scanner-1: setting timed terminal event at 7620.0
2025-09-14 21:59:09,714 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: timed termination at 7620.0 for action_desat
2025-09-14 21:59:09,714 data.base                      INFO       <7620.00> Total reward: {}
2025-09-14 21:59:09,715 comm.communication             INFO       <7620.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,715 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,717 gym                            INFO       <7620.00> Step reward: 0.0
2025-09-14 21:59:09,718 gym                            INFO       <7620.00> === STARTING STEP ===
2025-09-14 21:59:09,719 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,719 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: setting timed terminal event at 7800.0
2025-09-14 21:59:09,739 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: timed termination at 7800.0 for action_nadir_scan
2025-09-14 21:59:09,739 data.base                      INFO       <7800.00> Total reward: {'Scanner-1': 0.00512280701754386}
2025-09-14 21:59:09,740 comm.communication             INFO       <7800.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,740 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,742 gym                            INFO       <7800.00> Step reward: 0.00512280701754386
2025-09-14 21:59:09,743 gym                            INFO       <7800.00> === STARTING STEP ===
2025-09-14 21:59:09,744 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,744 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: setting timed terminal event at 7920.0
2025-09-14 21:59:09,761 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: timed termination at 7920.0 for action_charge
2025-09-14 21:59:09,761 data.base                      INFO       <7920.00> Total reward: {}
2025-09-14 21:59:09,762 comm.communication             INFO       <7920.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,763 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,764 gym                            INFO       <7920.00> Step reward: 0.0
2025-09-14 21:59:09,765 gym                            INFO       <7920.00> === STARTING STEP ===
2025-09-14 21:59:09,766 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,766 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: setting timed terminal event at 8100.0
2025-09-14 21:59:09,786 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: timed termination at 8100.0 for action_nadir_scan
2025-09-14 21:59:09,787 data.base                      INFO       <8100.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:09,787 comm.communication             INFO       <8100.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,788 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,790 gym                            INFO       <8100.00> Step reward: 0.004912280701754385
2025-09-14 21:59:09,791 gym                            INFO       <8100.00> === STARTING STEP ===
2025-09-14 21:59:09,792 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:09,792 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: setting timed terminal event at 8160.0
2025-09-14 21:59:09,799 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: timed termination at 8160.0 for action_downlink
2025-09-14 21:59:09,800 data.base                      INFO       <8160.00> Total reward: {}
2025-09-14 21:59:09,800 comm.communication             INFO       <8160.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,801 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,803 gym                            INFO       <8160.00> Step reward: 0.0
2025-09-14 21:59:09,804 gym                            INFO       <8160.00> === STARTING STEP ===
2025-09-14 21:59:09,804 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:09,805 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: setting timed terminal event at 8220.0
2025-09-14 21:59:09,813 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: timed termination at 8220.0 for action_desat
2025-09-14 21:59:09,813 data.base                      INFO       <8220.00> Total reward: {}
2025-09-14 21:59:09,814 comm.communication             INFO       <8220.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,814 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,816 gym                            INFO       <8220.00> Step reward: 0.0
2025-09-14 21:59:09,816 gym                            INFO       <8220.00> === STARTING STEP ===
2025-09-14 21:59:09,817 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:09,817 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: setting timed terminal event at 8280.0
2025-09-14 21:59:09,825 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: timed termination at 8280.0 for action_downlink
2025-09-14 21:59:09,826 data.base                      INFO       <8280.00> Total reward: {}
2025-09-14 21:59:09,826 comm.communication             INFO       <8280.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,827 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,829 gym                            INFO       <8280.00> Step reward: 0.0
2025-09-14 21:59:09,830 gym                            INFO       <8280.00> === STARTING STEP ===
2025-09-14 21:59:09,830 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,831 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: setting timed terminal event at 8400.0
2025-09-14 21:59:09,845 sats.satellite.Scanner-1       INFO       <8400.00> Scanner-1: timed termination at 8400.0 for action_charge
2025-09-14 21:59:09,846 data.base                      INFO       <8400.00> Total reward: {}
2025-09-14 21:59:09,847 comm.communication             INFO       <8400.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,847 sats.satellite.Scanner-1       INFO       <8400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,849 gym                            INFO       <8400.00> Step reward: 0.0
2025-09-14 21:59:09,849 gym                            INFO       <8400.00> === STARTING STEP ===
2025-09-14 21:59:09,850 sats.satellite.Scanner-1       INFO       <8400.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:09,851 sats.satellite.Scanner-1       INFO       <8400.00> Scanner-1: setting timed terminal event at 8460.0
2025-09-14 21:59:09,859 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: timed termination at 8460.0 for action_downlink
2025-09-14 21:59:09,859 data.base                      INFO       <8460.00> Total reward: {}
2025-09-14 21:59:09,860 comm.communication             INFO       <8460.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,860 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,862 gym                            INFO       <8460.00> Step reward: 0.0
2025-09-14 21:59:09,863 gym                            INFO       <8460.00> === STARTING STEP ===
2025-09-14 21:59:09,864 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,864 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: setting timed terminal event at 8580.0
2025-09-14 21:59:09,877 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: timed termination at 8580.0 for action_charge
2025-09-14 21:59:09,878 data.base                      INFO       <8580.00> Total reward: {}
2025-09-14 21:59:09,879 comm.communication             INFO       <8580.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,880 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,881 gym                            INFO       <8580.00> Step reward: 0.0
2025-09-14 21:59:09,882 gym                            INFO       <8580.00> === STARTING STEP ===
2025-09-14 21:59:09,882 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,883 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: setting timed terminal event at 8760.0
2025-09-14 21:59:09,902 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: timed termination at 8760.0 for action_nadir_scan
2025-09-14 21:59:09,903 data.base                      INFO       <8760.00> Total reward: {'Scanner-1': 0.005052631578947368}
2025-09-14 21:59:09,903 comm.communication             INFO       <8760.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,904 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,906 gym                            INFO       <8760.00> Step reward: 0.005052631578947368
2025-09-14 21:59:09,907 gym                            INFO       <8760.00> === STARTING STEP ===
2025-09-14 21:59:09,907 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:09,908 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: setting timed terminal event at 8820.0
2025-09-14 21:59:09,916 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: timed termination at 8820.0 for action_desat
2025-09-14 21:59:09,916 data.base                      INFO       <8820.00> Total reward: {}
2025-09-14 21:59:09,917 comm.communication             INFO       <8820.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,917 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,919 gym                            INFO       <8820.00> Step reward: 0.0
2025-09-14 21:59:09,920 gym                            INFO       <8820.00> === STARTING STEP ===
2025-09-14 21:59:09,921 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:09,922 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: setting timed terminal event at 8940.0
2025-09-14 21:59:09,938 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: timed termination at 8940.0 for action_charge
2025-09-14 21:59:09,938 data.base                      INFO       <8940.00> Total reward: {}
2025-09-14 21:59:09,939 comm.communication             INFO       <8940.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,939 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,942 gym                            INFO       <8940.00> Step reward: 0.0
2025-09-14 21:59:09,943 gym                            INFO       <8940.00> === STARTING STEP ===
2025-09-14 21:59:09,943 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,944 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: setting timed terminal event at 9120.0
2025-09-14 21:59:09,964 sats.satellite.Scanner-1       INFO       <9120.00> Scanner-1: timed termination at 9120.0 for action_nadir_scan
2025-09-14 21:59:09,965 data.base                      INFO       <9120.00> Total reward: {'Scanner-1': 0.005403508771929824}
2025-09-14 21:59:09,965 comm.communication             INFO       <9120.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,966 sats.satellite.Scanner-1       INFO       <9120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,968 gym                            INFO       <9120.00> Step reward: 0.005403508771929824
2025-09-14 21:59:09,969 gym                            INFO       <9120.00> === STARTING STEP ===
2025-09-14 21:59:09,970 sats.satellite.Scanner-1       INFO       <9120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:09,970 sats.satellite.Scanner-1       INFO       <9120.00> Scanner-1: setting timed terminal event at 9300.0
2025-09-14 21:59:09,994 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: timed termination at 9300.0 for action_nadir_scan
2025-09-14 21:59:09,995 data.base                      INFO       <9300.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:09,995 comm.communication             INFO       <9300.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:09,996 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:09,998 gym                            INFO       <9300.00> Step reward: 0.00631578947368421
2025-09-14 21:59:09,999 gym                            INFO       <9300.00> === STARTING STEP ===
2025-09-14 21:59:09,999 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,000 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: setting timed terminal event at 9480.0
2025-09-14 21:59:10,020 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: timed termination at 9480.0 for action_nadir_scan
2025-09-14 21:59:10,020 data.base                      INFO       <9480.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:10,021 comm.communication             INFO       <9480.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,022 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,024 gym                            INFO       <9480.00> Step reward: 0.00631578947368421
2025-09-14 21:59:10,025 gym                            INFO       <9480.00> === STARTING STEP ===
2025-09-14 21:59:10,026 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:10,026 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: setting timed terminal event at 9540.0
2025-09-14 21:59:10,035 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: timed termination at 9540.0 for action_downlink
2025-09-14 21:59:10,036 data.base                      INFO       <9540.00> Total reward: {}
2025-09-14 21:59:10,036 comm.communication             INFO       <9540.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,037 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,038 gym                            INFO       <9540.00> Step reward: 0.0
2025-09-14 21:59:10,039 gym                            INFO       <9540.00> === STARTING STEP ===
2025-09-14 21:59:10,040 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,040 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: setting timed terminal event at 9600.0
2025-09-14 21:59:10,050 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: timed termination at 9600.0 for action_desat
2025-09-14 21:59:10,050 data.base                      INFO       <9600.00> Total reward: {}
2025-09-14 21:59:10,051 comm.communication             INFO       <9600.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,051 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,053 gym                            INFO       <9600.00> Step reward: 0.0
2025-09-14 21:59:10,054 gym                            INFO       <9600.00> === STARTING STEP ===
2025-09-14 21:59:10,054 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,055 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: setting timed terminal event at 9780.0
2025-09-14 21:59:10,079 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: timed termination at 9780.0 for action_nadir_scan
2025-09-14 21:59:10,079 data.base                      INFO       <9780.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:10,080 comm.communication             INFO       <9780.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,081 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,083 gym                            INFO       <9780.00> Step reward: 0.004912280701754385
2025-09-14 21:59:10,084 gym                            INFO       <9780.00> === STARTING STEP ===
2025-09-14 21:59:10,084 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,084 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: setting timed terminal event at 9960.0
2025-09-14 21:59:10,108 sats.satellite.Scanner-1       INFO       <9960.00> Scanner-1: timed termination at 9960.0 for action_nadir_scan
2025-09-14 21:59:10,109 data.base                      INFO       <9960.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:10,109 comm.communication             INFO       <9960.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,110 sats.satellite.Scanner-1       INFO       <9960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,112 gym                            INFO       <9960.00> Step reward: 0.00631578947368421
2025-09-14 21:59:10,112 gym                            INFO       <9960.00> === STARTING STEP ===
2025-09-14 21:59:10,113 sats.satellite.Scanner-1       INFO       <9960.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:10,114 sats.satellite.Scanner-1       INFO       <9960.00> Scanner-1: setting timed terminal event at 10020.0
2025-09-14 21:59:10,122 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: timed termination at 10020.0 for action_downlink
2025-09-14 21:59:10,123 data.base                      INFO       <10020.00> Total reward: {}
2025-09-14 21:59:10,123 comm.communication             INFO       <10020.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,124 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,126 gym                            INFO       <10020.00> Step reward: 0.0
2025-09-14 21:59:10,127 gym                            INFO       <10020.00> === STARTING STEP ===
2025-09-14 21:59:10,127 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,128 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: setting timed terminal event at 10080.0
2025-09-14 21:59:10,136 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: timed termination at 10080.0 for action_desat
2025-09-14 21:59:10,136 data.base                      INFO       <10080.00> Total reward: {}
2025-09-14 21:59:10,137 comm.communication             INFO       <10080.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,137 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,139 gym                            INFO       <10080.00> Step reward: 0.0
2025-09-14 21:59:10,140 gym                            INFO       <10080.00> === STARTING STEP ===
2025-09-14 21:59:10,141 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,141 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: setting timed terminal event at 10140.0
2025-09-14 21:59:10,149 sats.satellite.Scanner-1       INFO       <10140.00> Scanner-1: timed termination at 10140.0 for action_desat
2025-09-14 21:59:10,150 data.base                      INFO       <10140.00> Total reward: {}
2025-09-14 21:59:10,151 comm.communication             INFO       <10140.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,151 sats.satellite.Scanner-1       INFO       <10140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,153 gym                            INFO       <10140.00> Step reward: 0.0
2025-09-14 21:59:10,154 gym                            INFO       <10140.00> === STARTING STEP ===
2025-09-14 21:59:10,154 sats.satellite.Scanner-1       INFO       <10140.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,155 sats.satellite.Scanner-1       INFO       <10140.00> Scanner-1: setting timed terminal event at 10320.0
2025-09-14 21:59:10,175 sats.satellite.Scanner-1       INFO       <10320.00> Scanner-1: timed termination at 10320.0 for action_nadir_scan
2025-09-14 21:59:10,175 data.base                      INFO       <10320.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:10,176 comm.communication             INFO       <10320.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,177 sats.satellite.Scanner-1       INFO       <10320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,179 gym                            INFO       <10320.00> Step reward: 0.004912280701754385
2025-09-14 21:59:10,179 gym                            INFO       <10320.00> === STARTING STEP ===
2025-09-14 21:59:10,180 sats.satellite.Scanner-1       INFO       <10320.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,181 sats.satellite.Scanner-1       INFO       <10320.00> Scanner-1: setting timed terminal event at 10380.0
2025-09-14 21:59:10,188 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: timed termination at 10380.0 for action_desat
2025-09-14 21:59:10,189 data.base                      INFO       <10380.00> Total reward: {}
2025-09-14 21:59:10,189 comm.communication             INFO       <10380.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,190 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,192 gym                            INFO       <10380.00> Step reward: 0.0
2025-09-14 21:59:10,192 gym                            INFO       <10380.00> === STARTING STEP ===
2025-09-14 21:59:10,193 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,194 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: setting timed terminal event at 10500.0
2025-09-14 21:59:10,208 sats.satellite.Scanner-1       INFO       <10500.00> Scanner-1: timed termination at 10500.0 for action_charge
2025-09-14 21:59:10,209 data.base                      INFO       <10500.00> Total reward: {}
2025-09-14 21:59:10,209 comm.communication             INFO       <10500.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,210 sats.satellite.Scanner-1       INFO       <10500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,212 gym                            INFO       <10500.00> Step reward: 0.0
2025-09-14 21:59:10,212 gym                            INFO       <10500.00> === STARTING STEP ===
2025-09-14 21:59:10,213 sats.satellite.Scanner-1       INFO       <10500.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,213 sats.satellite.Scanner-1       INFO       <10500.00> Scanner-1: setting timed terminal event at 10620.0
2025-09-14 21:59:10,227 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: timed termination at 10620.0 for action_charge
2025-09-14 21:59:10,228 data.base                      INFO       <10620.00> Total reward: {}
2025-09-14 21:59:10,228 comm.communication             INFO       <10620.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,229 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,231 gym                            INFO       <10620.00> Step reward: 0.0
2025-09-14 21:59:10,231 gym                            INFO       <10620.00> === STARTING STEP ===
2025-09-14 21:59:10,232 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,233 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: setting timed terminal event at 10740.0
2025-09-14 21:59:10,247 sats.satellite.Scanner-1       INFO       <10740.00> Scanner-1: timed termination at 10740.0 for action_charge
2025-09-14 21:59:10,248 data.base                      INFO       <10740.00> Total reward: {}
2025-09-14 21:59:10,249 comm.communication             INFO       <10740.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,249 sats.satellite.Scanner-1       INFO       <10740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,251 gym                            INFO       <10740.00> Step reward: 0.0
2025-09-14 21:59:10,252 gym                            INFO       <10740.00> === STARTING STEP ===
2025-09-14 21:59:10,252 sats.satellite.Scanner-1       INFO       <10740.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,253 sats.satellite.Scanner-1       INFO       <10740.00> Scanner-1: setting timed terminal event at 10920.0
2025-09-14 21:59:10,272 sats.satellite.Scanner-1       INFO       <10920.00> Scanner-1: timed termination at 10920.0 for action_nadir_scan
2025-09-14 21:59:10,273 data.base                      INFO       <10920.00> Total reward: {'Scanner-1': 0.005298245614035088}
2025-09-14 21:59:10,274 comm.communication             INFO       <10920.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,274 sats.satellite.Scanner-1       INFO       <10920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,276 gym                            INFO       <10920.00> Step reward: 0.005298245614035088
2025-09-14 21:59:10,277 gym                            INFO       <10920.00> === STARTING STEP ===
2025-09-14 21:59:10,277 sats.satellite.Scanner-1       INFO       <10920.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,277 sats.satellite.Scanner-1       INFO       <10920.00> Scanner-1: setting timed terminal event at 10980.0
2025-09-14 21:59:10,286 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: timed termination at 10980.0 for action_desat
2025-09-14 21:59:10,286 data.base                      INFO       <10980.00> Total reward: {}
2025-09-14 21:59:10,287 comm.communication             INFO       <10980.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,287 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,289 gym                            INFO       <10980.00> Step reward: 0.0
2025-09-14 21:59:10,289 gym                            INFO       <10980.00> === STARTING STEP ===
2025-09-14 21:59:10,290 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,290 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: setting timed terminal event at 11160.0
2025-09-14 21:59:10,310 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: timed termination at 11160.0 for action_nadir_scan
2025-09-14 21:59:10,311 data.base                      INFO       <11160.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:10,311 comm.communication             INFO       <11160.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,312 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,314 gym                            INFO       <11160.00> Step reward: 0.004912280701754385
2025-09-14 21:59:10,314 gym                            INFO       <11160.00> === STARTING STEP ===
2025-09-14 21:59:10,315 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,315 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: setting timed terminal event at 11340.0
2025-09-14 21:59:10,337 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: timed termination at 11340.0 for action_nadir_scan
2025-09-14 21:59:10,337 data.base                      INFO       <11340.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:10,338 comm.communication             INFO       <11340.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,338 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,340 gym                            INFO       <11340.00> Step reward: 0.00631578947368421
2025-09-14 21:59:10,341 gym                            INFO       <11340.00> === STARTING STEP ===
2025-09-14 21:59:10,341 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,342 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: setting timed terminal event at 11400.0
2025-09-14 21:59:10,352 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: timed termination at 11400.0 for action_desat
2025-09-14 21:59:10,352 data.base                      INFO       <11400.00> Total reward: {}
2025-09-14 21:59:10,353 comm.communication             INFO       <11400.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,354 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,356 gym                            INFO       <11400.00> Step reward: 0.0
2025-09-14 21:59:10,356 gym                            INFO       <11400.00> === STARTING STEP ===
2025-09-14 21:59:10,357 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:10,357 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: setting timed terminal event at 11460.0
2025-09-14 21:59:10,366 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: timed termination at 11460.0 for action_downlink
2025-09-14 21:59:10,367 data.base                      INFO       <11460.00> Total reward: {}
2025-09-14 21:59:10,367 comm.communication             INFO       <11460.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,368 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,370 gym                            INFO       <11460.00> Step reward: 0.0
2025-09-14 21:59:10,371 gym                            INFO       <11460.00> === STARTING STEP ===
2025-09-14 21:59:10,372 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:10,372 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: setting timed terminal event at 11520.0
2025-09-14 21:59:10,380 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: timed termination at 11520.0 for action_downlink
2025-09-14 21:59:10,380 data.base                      INFO       <11520.00> Total reward: {}
2025-09-14 21:59:10,381 comm.communication             INFO       <11520.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,381 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,383 gym                            INFO       <11520.00> Step reward: 0.0
2025-09-14 21:59:10,384 gym                            INFO       <11520.00> === STARTING STEP ===
2025-09-14 21:59:10,385 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,385 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: setting timed terminal event at 11640.0
2025-09-14 21:59:10,400 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: timed termination at 11640.0 for action_charge
2025-09-14 21:59:10,401 data.base                      INFO       <11640.00> Total reward: {}
2025-09-14 21:59:10,401 comm.communication             INFO       <11640.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,402 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,403 gym                            INFO       <11640.00> Step reward: 0.0
2025-09-14 21:59:10,404 gym                            INFO       <11640.00> === STARTING STEP ===
2025-09-14 21:59:10,404 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:10,405 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: setting timed terminal event at 11700.0
2025-09-14 21:59:10,413 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: timed termination at 11700.0 for action_downlink
2025-09-14 21:59:10,414 data.base                      INFO       <11700.00> Total reward: {}
2025-09-14 21:59:10,415 comm.communication             INFO       <11700.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,415 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,417 gym                            INFO       <11700.00> Step reward: 0.0
2025-09-14 21:59:10,417 gym                            INFO       <11700.00> === STARTING STEP ===
2025-09-14 21:59:10,418 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,418 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: setting timed terminal event at 11880.0
2025-09-14 21:59:10,439 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: timed termination at 11880.0 for action_nadir_scan
2025-09-14 21:59:10,439 data.base                      INFO       <11880.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-09-14 21:59:10,440 comm.communication             INFO       <11880.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,440 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,443 gym                            INFO       <11880.00> Step reward: 0.004947368421052631
2025-09-14 21:59:10,444 gym                            INFO       <11880.00> === STARTING STEP ===
2025-09-14 21:59:10,444 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,445 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: setting timed terminal event at 12000.0
2025-09-14 21:59:10,460 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: timed termination at 12000.0 for action_charge
2025-09-14 21:59:10,461 data.base                      INFO       <12000.00> Total reward: {}
2025-09-14 21:59:10,461 comm.communication             INFO       <12000.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,461 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,463 gym                            INFO       <12000.00> Step reward: 0.0
2025-09-14 21:59:10,464 gym                            INFO       <12000.00> === STARTING STEP ===
2025-09-14 21:59:10,465 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,465 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: setting timed terminal event at 12180.0
2025-09-14 21:59:10,486 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: timed termination at 12180.0 for action_nadir_scan
2025-09-14 21:59:10,486 data.base                      INFO       <12180.00> Total reward: {'Scanner-1': 0.004771929824561403}
2025-09-14 21:59:10,487 comm.communication             INFO       <12180.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,487 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,489 gym                            INFO       <12180.00> Step reward: 0.004771929824561403
2025-09-14 21:59:10,490 gym                            INFO       <12180.00> === STARTING STEP ===
2025-09-14 21:59:10,490 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,491 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: setting timed terminal event at 12240.0
2025-09-14 21:59:10,499 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: timed termination at 12240.0 for action_desat
2025-09-14 21:59:10,499 data.base                      INFO       <12240.00> Total reward: {}
2025-09-14 21:59:10,500 comm.communication             INFO       <12240.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,500 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,502 gym                            INFO       <12240.00> Step reward: 0.0
2025-09-14 21:59:10,502 gym                            INFO       <12240.00> === STARTING STEP ===
2025-09-14 21:59:10,503 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:10,503 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: setting timed terminal event at 12300.0
2025-09-14 21:59:10,511 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: timed termination at 12300.0 for action_downlink
2025-09-14 21:59:10,512 data.base                      INFO       <12300.00> Total reward: {}
2025-09-14 21:59:10,512 comm.communication             INFO       <12300.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,513 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,515 gym                            INFO       <12300.00> Step reward: 0.0
2025-09-14 21:59:10,516 gym                            INFO       <12300.00> === STARTING STEP ===
2025-09-14 21:59:10,516 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,517 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: setting timed terminal event at 12360.0
2025-09-14 21:59:10,524 sats.satellite.Scanner-1       INFO       <12360.00> Scanner-1: timed termination at 12360.0 for action_desat
2025-09-14 21:59:10,525 data.base                      INFO       <12360.00> Total reward: {}
2025-09-14 21:59:10,526 comm.communication             INFO       <12360.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,526 sats.satellite.Scanner-1       INFO       <12360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,528 gym                            INFO       <12360.00> Step reward: 0.0
2025-09-14 21:59:10,529 gym                            INFO       <12360.00> === STARTING STEP ===
2025-09-14 21:59:10,529 sats.satellite.Scanner-1       INFO       <12360.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,530 sats.satellite.Scanner-1       INFO       <12360.00> Scanner-1: setting timed terminal event at 12480.0
2025-09-14 21:59:10,546 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: timed termination at 12480.0 for action_charge
2025-09-14 21:59:10,547 data.base                      INFO       <12480.00> Total reward: {}
2025-09-14 21:59:10,547 comm.communication             INFO       <12480.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,548 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,550 gym                            INFO       <12480.00> Step reward: 0.0
2025-09-14 21:59:10,550 gym                            INFO       <12480.00> === STARTING STEP ===
2025-09-14 21:59:10,551 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:10,551 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: setting timed terminal event at 12540.0
2025-09-14 21:59:10,559 sats.satellite.Scanner-1       INFO       <12540.00> Scanner-1: timed termination at 12540.0 for action_downlink
2025-09-14 21:59:10,560 data.base                      INFO       <12540.00> Total reward: {}
2025-09-14 21:59:10,560 comm.communication             INFO       <12540.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,561 sats.satellite.Scanner-1       INFO       <12540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,563 gym                            INFO       <12540.00> Step reward: 0.0
2025-09-14 21:59:10,564 gym                            INFO       <12540.00> === STARTING STEP ===
2025-09-14 21:59:10,564 sats.satellite.Scanner-1       INFO       <12540.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,565 sats.satellite.Scanner-1       INFO       <12540.00> Scanner-1: setting timed terminal event at 12720.0
2025-09-14 21:59:10,589 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: timed termination at 12720.0 for action_nadir_scan
2025-09-14 21:59:10,589 data.base                      INFO       <12720.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-09-14 21:59:10,589 comm.communication             INFO       <12720.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,590 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,592 gym                            INFO       <12720.00> Step reward: 0.0049824561403508764
2025-09-14 21:59:10,592 gym                            INFO       <12720.00> === STARTING STEP ===
2025-09-14 21:59:10,593 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,593 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: setting timed terminal event at 12840.0
2025-09-14 21:59:10,609 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: timed termination at 12840.0 for action_charge
2025-09-14 21:59:10,610 data.base                      INFO       <12840.00> Total reward: {}
2025-09-14 21:59:10,611 comm.communication             INFO       <12840.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,611 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,613 gym                            INFO       <12840.00> Step reward: 0.0
2025-09-14 21:59:10,614 gym                            INFO       <12840.00> === STARTING STEP ===
2025-09-14 21:59:10,614 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,615 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: setting timed terminal event at 12960.0
2025-09-14 21:59:10,629 sats.satellite.Scanner-1       INFO       <12960.00> Scanner-1: timed termination at 12960.0 for action_charge
2025-09-14 21:59:10,629 data.base                      INFO       <12960.00> Total reward: {}
2025-09-14 21:59:10,630 comm.communication             INFO       <12960.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,630 sats.satellite.Scanner-1       INFO       <12960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,632 gym                            INFO       <12960.00> Step reward: 0.0
2025-09-14 21:59:10,633 gym                            INFO       <12960.00> === STARTING STEP ===
2025-09-14 21:59:10,633 sats.satellite.Scanner-1       INFO       <12960.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,634 sats.satellite.Scanner-1       INFO       <12960.00> Scanner-1: setting timed terminal event at 13020.0
2025-09-14 21:59:10,644 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: timed termination at 13020.0 for action_desat
2025-09-14 21:59:10,644 data.base                      INFO       <13020.00> Total reward: {}
2025-09-14 21:59:10,644 comm.communication             INFO       <13020.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,645 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,647 gym                            INFO       <13020.00> Step reward: 0.0
2025-09-14 21:59:10,648 gym                            INFO       <13020.00> === STARTING STEP ===
2025-09-14 21:59:10,648 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,649 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: setting timed terminal event at 13140.0
2025-09-14 21:59:10,662 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: timed termination at 13140.0 for action_charge
2025-09-14 21:59:10,663 data.base                      INFO       <13140.00> Total reward: {}
2025-09-14 21:59:10,663 comm.communication             INFO       <13140.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,663 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,665 gym                            INFO       <13140.00> Step reward: 0.0
2025-09-14 21:59:10,667 gym                            INFO       <13140.00> === STARTING STEP ===
2025-09-14 21:59:10,667 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,668 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: setting timed terminal event at 13260.0
2025-09-14 21:59:10,684 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: timed termination at 13260.0 for action_charge
2025-09-14 21:59:10,684 data.base                      INFO       <13260.00> Total reward: {}
2025-09-14 21:59:10,685 comm.communication             INFO       <13260.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,686 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,687 gym                            INFO       <13260.00> Step reward: 0.0
2025-09-14 21:59:10,688 gym                            INFO       <13260.00> === STARTING STEP ===
2025-09-14 21:59:10,688 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,689 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: setting timed terminal event at 13320.0
2025-09-14 21:59:10,697 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: timed termination at 13320.0 for action_desat
2025-09-14 21:59:10,697 data.base                      INFO       <13320.00> Total reward: {}
2025-09-14 21:59:10,698 comm.communication             INFO       <13320.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,699 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,700 gym                            INFO       <13320.00> Step reward: 0.0
2025-09-14 21:59:10,701 gym                            INFO       <13320.00> === STARTING STEP ===
2025-09-14 21:59:10,701 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,701 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: setting timed terminal event at 13380.0
2025-09-14 21:59:10,710 sats.satellite.Scanner-1       INFO       <13380.00> Scanner-1: timed termination at 13380.0 for action_desat
2025-09-14 21:59:10,710 data.base                      INFO       <13380.00> Total reward: {}
2025-09-14 21:59:10,711 comm.communication             INFO       <13380.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,711 sats.satellite.Scanner-1       INFO       <13380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,713 gym                            INFO       <13380.00> Step reward: 0.0
2025-09-14 21:59:10,714 gym                            INFO       <13380.00> === STARTING STEP ===
2025-09-14 21:59:10,714 sats.satellite.Scanner-1       INFO       <13380.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:10,715 sats.satellite.Scanner-1       INFO       <13380.00> Scanner-1: setting timed terminal event at 13440.0
2025-09-14 21:59:10,724 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: timed termination at 13440.0 for action_downlink
2025-09-14 21:59:10,724 data.base                      INFO       <13440.00> Total reward: {}
2025-09-14 21:59:10,725 comm.communication             INFO       <13440.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,725 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,727 gym                            INFO       <13440.00> Step reward: 0.0
2025-09-14 21:59:10,728 gym                            INFO       <13440.00> === STARTING STEP ===
2025-09-14 21:59:10,728 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,729 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: setting timed terminal event at 13500.0
2025-09-14 21:59:10,738 sats.satellite.Scanner-1       INFO       <13500.00> Scanner-1: timed termination at 13500.0 for action_desat
2025-09-14 21:59:10,739 data.base                      INFO       <13500.00> Total reward: {}
2025-09-14 21:59:10,739 comm.communication             INFO       <13500.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,740 sats.satellite.Scanner-1       INFO       <13500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,742 gym                            INFO       <13500.00> Step reward: 0.0
2025-09-14 21:59:10,743 gym                            INFO       <13500.00> === STARTING STEP ===
2025-09-14 21:59:10,743 sats.satellite.Scanner-1       INFO       <13500.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:10,744 sats.satellite.Scanner-1       INFO       <13500.00> Scanner-1: setting timed terminal event at 13560.0
2025-09-14 21:59:10,752 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: timed termination at 13560.0 for action_downlink
2025-09-14 21:59:10,752 data.base                      INFO       <13560.00> Total reward: {}
2025-09-14 21:59:10,753 comm.communication             INFO       <13560.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,753 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,755 gym                            INFO       <13560.00> Step reward: 0.0
2025-09-14 21:59:10,756 gym                            INFO       <13560.00> === STARTING STEP ===
2025-09-14 21:59:10,757 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:10,757 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: setting timed terminal event at 13620.0
2025-09-14 21:59:10,765 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: timed termination at 13620.0 for action_downlink
2025-09-14 21:59:10,765 data.base                      INFO       <13620.00> Total reward: {}
2025-09-14 21:59:10,766 comm.communication             INFO       <13620.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,766 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,768 gym                            INFO       <13620.00> Step reward: 0.0
2025-09-14 21:59:10,769 gym                            INFO       <13620.00> === STARTING STEP ===
2025-09-14 21:59:10,770 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:10,770 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: setting timed terminal event at 13680.0
2025-09-14 21:59:10,777 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: timed termination at 13680.0 for action_downlink
2025-09-14 21:59:10,778 data.base                      INFO       <13680.00> Total reward: {}
2025-09-14 21:59:10,778 comm.communication             INFO       <13680.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,779 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,781 gym                            INFO       <13680.00> Step reward: 0.0
2025-09-14 21:59:10,782 gym                            INFO       <13680.00> === STARTING STEP ===
2025-09-14 21:59:10,782 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,783 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: setting timed terminal event at 13860.0
2025-09-14 21:59:10,803 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: timed termination at 13860.0 for action_nadir_scan
2025-09-14 21:59:10,803 data.base                      INFO       <13860.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:10,804 comm.communication             INFO       <13860.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,805 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,807 gym                            INFO       <13860.00> Step reward: 0.004912280701754385
2025-09-14 21:59:10,807 gym                            INFO       <13860.00> === STARTING STEP ===
2025-09-14 21:59:10,808 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,808 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: setting timed terminal event at 13920.0
2025-09-14 21:59:10,816 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: timed termination at 13920.0 for action_desat
2025-09-14 21:59:10,817 data.base                      INFO       <13920.00> Total reward: {}
2025-09-14 21:59:10,817 comm.communication             INFO       <13920.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,818 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,820 gym                            INFO       <13920.00> Step reward: 0.0
2025-09-14 21:59:10,820 gym                            INFO       <13920.00> === STARTING STEP ===
2025-09-14 21:59:10,821 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:10,821 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: setting timed terminal event at 13980.0
2025-09-14 21:59:10,829 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: timed termination at 13980.0 for action_desat
2025-09-14 21:59:10,829 data.base                      INFO       <13980.00> Total reward: {}
2025-09-14 21:59:10,830 comm.communication             INFO       <13980.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,831 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,833 gym                            INFO       <13980.00> Step reward: 0.0
2025-09-14 21:59:10,833 gym                            INFO       <13980.00> === STARTING STEP ===
2025-09-14 21:59:10,834 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:10,834 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: setting timed terminal event at 14040.0
2025-09-14 21:59:10,844 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: timed termination at 14040.0 for action_downlink
2025-09-14 21:59:10,844 data.base                      INFO       <14040.00> Total reward: {}
2025-09-14 21:59:10,845 comm.communication             INFO       <14040.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,845 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,847 gym                            INFO       <14040.00> Step reward: 0.0
2025-09-14 21:59:10,848 gym                            INFO       <14040.00> === STARTING STEP ===
2025-09-14 21:59:10,848 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,849 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: setting timed terminal event at 14160.0
2025-09-14 21:59:10,864 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: timed termination at 14160.0 for action_charge
2025-09-14 21:59:10,865 data.base                      INFO       <14160.00> Total reward: {}
2025-09-14 21:59:10,865 comm.communication             INFO       <14160.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,866 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,867 gym                            INFO       <14160.00> Step reward: 0.0
2025-09-14 21:59:10,868 gym                            INFO       <14160.00> === STARTING STEP ===
2025-09-14 21:59:10,869 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,869 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: setting timed terminal event at 14340.0
2025-09-14 21:59:10,889 sats.satellite.Scanner-1       INFO       <14340.00> Scanner-1: timed termination at 14340.0 for action_nadir_scan
2025-09-14 21:59:10,889 data.base                      INFO       <14340.00> Total reward: {'Scanner-1': 0.005017543859649122}
2025-09-14 21:59:10,890 comm.communication             INFO       <14340.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,891 sats.satellite.Scanner-1       INFO       <14340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,893 gym                            INFO       <14340.00> Step reward: 0.005017543859649122
2025-09-14 21:59:10,894 gym                            INFO       <14340.00> === STARTING STEP ===
2025-09-14 21:59:10,894 sats.satellite.Scanner-1       INFO       <14340.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:10,894 sats.satellite.Scanner-1       INFO       <14340.00> Scanner-1: setting timed terminal event at 14520.0
2025-09-14 21:59:10,914 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: timed termination at 14520.0 for action_nadir_scan
2025-09-14 21:59:10,915 data.base                      INFO       <14520.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:10,916 comm.communication             INFO       <14520.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,916 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,918 gym                            INFO       <14520.00> Step reward: 0.00631578947368421
2025-09-14 21:59:10,919 gym                            INFO       <14520.00> === STARTING STEP ===
2025-09-14 21:59:10,919 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,920 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: setting timed terminal event at 14640.0
2025-09-14 21:59:10,935 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: timed termination at 14640.0 for action_charge
2025-09-14 21:59:10,936 data.base                      INFO       <14640.00> Total reward: {}
2025-09-14 21:59:10,937 comm.communication             INFO       <14640.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,937 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,939 gym                            INFO       <14640.00> Step reward: 0.0
2025-09-14 21:59:10,940 gym                            INFO       <14640.00> === STARTING STEP ===
2025-09-14 21:59:10,940 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,940 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: setting timed terminal event at 14760.0
2025-09-14 21:59:10,954 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: timed termination at 14760.0 for action_charge
2025-09-14 21:59:10,955 data.base                      INFO       <14760.00> Total reward: {}
2025-09-14 21:59:10,955 comm.communication             INFO       <14760.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,956 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,958 gym                            INFO       <14760.00> Step reward: 0.0
2025-09-14 21:59:10,958 gym                            INFO       <14760.00> === STARTING STEP ===
2025-09-14 21:59:10,959 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,960 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: setting timed terminal event at 14880.0
2025-09-14 21:59:10,975 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: timed termination at 14880.0 for action_charge
2025-09-14 21:59:10,975 data.base                      INFO       <14880.00> Total reward: {}
2025-09-14 21:59:10,976 comm.communication             INFO       <14880.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,977 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:10,979 gym                            INFO       <14880.00> Step reward: 0.0
2025-09-14 21:59:10,980 gym                            INFO       <14880.00> === STARTING STEP ===
2025-09-14 21:59:10,980 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:10,981 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: setting timed terminal event at 15000.0
2025-09-14 21:59:10,997 sats.satellite.Scanner-1       INFO       <15000.00> Scanner-1: timed termination at 15000.0 for action_charge
2025-09-14 21:59:10,998 data.base                      INFO       <15000.00> Total reward: {}
2025-09-14 21:59:10,998 comm.communication             INFO       <15000.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:10,999 sats.satellite.Scanner-1       INFO       <15000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,001 gym                            INFO       <15000.00> Step reward: 0.0
2025-09-14 21:59:11,001 gym                            INFO       <15000.00> === STARTING STEP ===
2025-09-14 21:59:11,002 sats.satellite.Scanner-1       INFO       <15000.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,002 sats.satellite.Scanner-1       INFO       <15000.00> Scanner-1: setting timed terminal event at 15060.0
2025-09-14 21:59:11,011 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: timed termination at 15060.0 for action_desat
2025-09-14 21:59:11,012 data.base                      INFO       <15060.00> Total reward: {}
2025-09-14 21:59:11,013 comm.communication             INFO       <15060.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,013 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,015 gym                            INFO       <15060.00> Step reward: 0.0
2025-09-14 21:59:11,016 gym                            INFO       <15060.00> === STARTING STEP ===
2025-09-14 21:59:11,017 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:11,017 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: setting timed terminal event at 15120.0
2025-09-14 21:59:11,026 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: timed termination at 15120.0 for action_downlink
2025-09-14 21:59:11,026 data.base                      INFO       <15120.00> Total reward: {}
2025-09-14 21:59:11,027 comm.communication             INFO       <15120.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,028 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,030 gym                            INFO       <15120.00> Step reward: 0.0
2025-09-14 21:59:11,030 gym                            INFO       <15120.00> === STARTING STEP ===
2025-09-14 21:59:11,031 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,031 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: setting timed terminal event at 15300.0
2025-09-14 21:59:11,055 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: timed termination at 15300.0 for action_nadir_scan
2025-09-14 21:59:11,056 data.base                      INFO       <15300.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:11,057 comm.communication             INFO       <15300.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,058 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,060 gym                            INFO       <15300.00> Step reward: 0.004912280701754385
2025-09-14 21:59:11,060 gym                            INFO       <15300.00> === STARTING STEP ===
2025-09-14 21:59:11,061 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,061 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: setting timed terminal event at 15420.0
2025-09-14 21:59:11,075 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: timed termination at 15420.0 for action_charge
2025-09-14 21:59:11,076 data.base                      INFO       <15420.00> Total reward: {}
2025-09-14 21:59:11,077 comm.communication             INFO       <15420.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,077 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,079 gym                            INFO       <15420.00> Step reward: 0.0
2025-09-14 21:59:11,080 gym                            INFO       <15420.00> === STARTING STEP ===
2025-09-14 21:59:11,080 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,081 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: setting timed terminal event at 15480.0
2025-09-14 21:59:11,088 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: timed termination at 15480.0 for action_desat
2025-09-14 21:59:11,089 data.base                      INFO       <15480.00> Total reward: {}
2025-09-14 21:59:11,089 comm.communication             INFO       <15480.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,090 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,092 gym                            INFO       <15480.00> Step reward: 0.0
2025-09-14 21:59:11,093 gym                            INFO       <15480.00> === STARTING STEP ===
2025-09-14 21:59:11,093 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,094 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: setting timed terminal event at 15600.0
2025-09-14 21:59:11,107 sats.satellite.Scanner-1       INFO       <15600.00> Scanner-1: timed termination at 15600.0 for action_charge
2025-09-14 21:59:11,108 data.base                      INFO       <15600.00> Total reward: {}
2025-09-14 21:59:11,108 comm.communication             INFO       <15600.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,109 sats.satellite.Scanner-1       INFO       <15600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,111 gym                            INFO       <15600.00> Step reward: 0.0
2025-09-14 21:59:11,112 gym                            INFO       <15600.00> === STARTING STEP ===
2025-09-14 21:59:11,112 sats.satellite.Scanner-1       INFO       <15600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,112 sats.satellite.Scanner-1       INFO       <15600.00> Scanner-1: setting timed terminal event at 15660.0
2025-09-14 21:59:11,121 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: timed termination at 15660.0 for action_desat
2025-09-14 21:59:11,121 data.base                      INFO       <15660.00> Total reward: {}
2025-09-14 21:59:11,122 comm.communication             INFO       <15660.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,122 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,124 gym                            INFO       <15660.00> Step reward: 0.0
2025-09-14 21:59:11,125 gym                            INFO       <15660.00> === STARTING STEP ===
2025-09-14 21:59:11,125 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,126 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: setting timed terminal event at 15720.0
2025-09-14 21:59:11,134 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: timed termination at 15720.0 for action_desat
2025-09-14 21:59:11,135 data.base                      INFO       <15720.00> Total reward: {}
2025-09-14 21:59:11,136 comm.communication             INFO       <15720.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,137 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,138 gym                            INFO       <15720.00> Step reward: 0.0
2025-09-14 21:59:11,139 gym                            INFO       <15720.00> === STARTING STEP ===
2025-09-14 21:59:11,140 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,141 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: setting timed terminal event at 15900.0
2025-09-14 21:59:11,164 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: timed termination at 15900.0 for action_nadir_scan
2025-09-14 21:59:11,165 data.base                      INFO       <15900.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:11,165 comm.communication             INFO       <15900.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,166 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,167 gym                            INFO       <15900.00> Step reward: 0.004912280701754385
2025-09-14 21:59:11,168 gym                            INFO       <15900.00> === STARTING STEP ===
2025-09-14 21:59:11,169 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,169 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: setting timed terminal event at 16020.0
2025-09-14 21:59:11,186 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: timed termination at 16020.0 for action_charge
2025-09-14 21:59:11,186 data.base                      INFO       <16020.00> Total reward: {}
2025-09-14 21:59:11,187 comm.communication             INFO       <16020.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,187 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,189 gym                            INFO       <16020.00> Step reward: 0.0
2025-09-14 21:59:11,190 gym                            INFO       <16020.00> === STARTING STEP ===
2025-09-14 21:59:11,190 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,190 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: setting timed terminal event at 16200.0
2025-09-14 21:59:11,211 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: timed termination at 16200.0 for action_nadir_scan
2025-09-14 21:59:11,211 data.base                      INFO       <16200.00> Total reward: {'Scanner-1': 0.005649122807017543}
2025-09-14 21:59:11,212 comm.communication             INFO       <16200.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,212 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,214 gym                            INFO       <16200.00> Step reward: 0.005649122807017543
2025-09-14 21:59:11,215 gym                            INFO       <16200.00> === STARTING STEP ===
2025-09-14 21:59:11,215 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,215 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: setting timed terminal event at 16320.0
2025-09-14 21:59:11,232 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: timed termination at 16320.0 for action_charge
2025-09-14 21:59:11,233 data.base                      INFO       <16320.00> Total reward: {}
2025-09-14 21:59:11,233 comm.communication             INFO       <16320.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,234 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,236 gym                            INFO       <16320.00> Step reward: 0.0
2025-09-14 21:59:11,236 gym                            INFO       <16320.00> === STARTING STEP ===
2025-09-14 21:59:11,237 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:11,237 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: setting timed terminal event at 16380.0
2025-09-14 21:59:11,245 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: timed termination at 16380.0 for action_downlink
2025-09-14 21:59:11,245 data.base                      INFO       <16380.00> Total reward: {}
2025-09-14 21:59:11,246 comm.communication             INFO       <16380.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,246 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,248 gym                            INFO       <16380.00> Step reward: 0.0
2025-09-14 21:59:11,248 gym                            INFO       <16380.00> === STARTING STEP ===
2025-09-14 21:59:11,249 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,249 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: setting timed terminal event at 16440.0
2025-09-14 21:59:11,259 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: timed termination at 16440.0 for action_desat
2025-09-14 21:59:11,259 data.base                      INFO       <16440.00> Total reward: {}
2025-09-14 21:59:11,260 comm.communication             INFO       <16440.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,260 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,262 gym                            INFO       <16440.00> Step reward: 0.0
2025-09-14 21:59:11,263 gym                            INFO       <16440.00> === STARTING STEP ===
2025-09-14 21:59:11,263 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,263 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: setting timed terminal event at 16560.0
2025-09-14 21:59:11,277 sats.satellite.Scanner-1       INFO       <16560.00> Scanner-1: timed termination at 16560.0 for action_charge
2025-09-14 21:59:11,278 data.base                      INFO       <16560.00> Total reward: {}
2025-09-14 21:59:11,278 comm.communication             INFO       <16560.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,279 sats.satellite.Scanner-1       INFO       <16560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,281 gym                            INFO       <16560.00> Step reward: 0.0
2025-09-14 21:59:11,281 gym                            INFO       <16560.00> === STARTING STEP ===
2025-09-14 21:59:11,282 sats.satellite.Scanner-1       INFO       <16560.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,283 sats.satellite.Scanner-1       INFO       <16560.00> Scanner-1: setting timed terminal event at 16680.0
2025-09-14 21:59:11,297 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: timed termination at 16680.0 for action_charge
2025-09-14 21:59:11,298 data.base                      INFO       <16680.00> Total reward: {}
2025-09-14 21:59:11,298 comm.communication             INFO       <16680.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,299 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,301 gym                            INFO       <16680.00> Step reward: 0.0
2025-09-14 21:59:11,301 gym                            INFO       <16680.00> === STARTING STEP ===
2025-09-14 21:59:11,302 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,302 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: setting timed terminal event at 16800.0
2025-09-14 21:59:11,316 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: timed termination at 16800.0 for action_charge
2025-09-14 21:59:11,317 data.base                      INFO       <16800.00> Total reward: {}
2025-09-14 21:59:11,317 comm.communication             INFO       <16800.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,318 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,320 gym                            INFO       <16800.00> Step reward: 0.0
2025-09-14 21:59:11,321 gym                            INFO       <16800.00> === STARTING STEP ===
2025-09-14 21:59:11,321 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,321 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: setting timed terminal event at 16980.0
2025-09-14 21:59:11,342 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: timed termination at 16980.0 for action_nadir_scan
2025-09-14 21:59:11,342 data.base                      INFO       <16980.00> Total reward: {'Scanner-1': 0.005087719298245614}
2025-09-14 21:59:11,343 comm.communication             INFO       <16980.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,343 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,345 gym                            INFO       <16980.00> Step reward: 0.005087719298245614
2025-09-14 21:59:11,346 gym                            INFO       <16980.00> === STARTING STEP ===
2025-09-14 21:59:11,346 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,347 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: setting timed terminal event at 17040.0
2025-09-14 21:59:11,355 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: timed termination at 17040.0 for action_desat
2025-09-14 21:59:11,356 data.base                      INFO       <17040.00> Total reward: {}
2025-09-14 21:59:11,356 comm.communication             INFO       <17040.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,357 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,359 gym                            INFO       <17040.00> Step reward: 0.0
2025-09-14 21:59:11,359 gym                            INFO       <17040.00> === STARTING STEP ===
2025-09-14 21:59:11,361 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,361 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: setting timed terminal event at 17160.0
2025-09-14 21:59:11,377 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: timed termination at 17160.0 for action_charge
2025-09-14 21:59:11,378 data.base                      INFO       <17160.00> Total reward: {}
2025-09-14 21:59:11,379 comm.communication             INFO       <17160.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,379 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,381 gym                            INFO       <17160.00> Step reward: 0.0
2025-09-14 21:59:11,382 gym                            INFO       <17160.00> === STARTING STEP ===
2025-09-14 21:59:11,383 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,383 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: setting timed terminal event at 17220.0
2025-09-14 21:59:11,391 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: timed termination at 17220.0 for action_desat
2025-09-14 21:59:11,392 data.base                      INFO       <17220.00> Total reward: {}
2025-09-14 21:59:11,392 comm.communication             INFO       <17220.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,393 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,395 gym                            INFO       <17220.00> Step reward: 0.0
2025-09-14 21:59:11,396 gym                            INFO       <17220.00> === STARTING STEP ===
2025-09-14 21:59:11,396 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:11,396 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: setting timed terminal event at 17280.0
2025-09-14 21:59:11,404 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: timed termination at 17280.0 for action_downlink
2025-09-14 21:59:11,405 data.base                      INFO       <17280.00> Total reward: {}
2025-09-14 21:59:11,405 comm.communication             INFO       <17280.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,405 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,407 gym                            INFO       <17280.00> Step reward: 0.0
2025-09-14 21:59:11,408 gym                            INFO       <17280.00> === STARTING STEP ===
2025-09-14 21:59:11,408 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:11,409 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: setting timed terminal event at 17340.0
2025-09-14 21:59:11,416 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: timed termination at 17340.0 for action_downlink
2025-09-14 21:59:11,417 data.base                      INFO       <17340.00> Total reward: {}
2025-09-14 21:59:11,417 comm.communication             INFO       <17340.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,418 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,420 gym                            INFO       <17340.00> Step reward: 0.0
2025-09-14 21:59:11,421 gym                            INFO       <17340.00> === STARTING STEP ===
2025-09-14 21:59:11,421 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,422 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: setting timed terminal event at 17400.0
2025-09-14 21:59:11,430 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: timed termination at 17400.0 for action_desat
2025-09-14 21:59:11,430 data.base                      INFO       <17400.00> Total reward: {}
2025-09-14 21:59:11,431 comm.communication             INFO       <17400.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,432 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,433 gym                            INFO       <17400.00> Step reward: 0.0
2025-09-14 21:59:11,434 gym                            INFO       <17400.00> === STARTING STEP ===
2025-09-14 21:59:11,434 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:11,435 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: setting timed terminal event at 17460.0
2025-09-14 21:59:11,444 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: timed termination at 17460.0 for action_downlink
2025-09-14 21:59:11,445 data.base                      INFO       <17460.00> Total reward: {}
2025-09-14 21:59:11,445 comm.communication             INFO       <17460.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,446 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,448 gym                            INFO       <17460.00> Step reward: 0.0
2025-09-14 21:59:11,448 gym                            INFO       <17460.00> === STARTING STEP ===
2025-09-14 21:59:11,449 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,450 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: setting timed terminal event at 17520.0
2025-09-14 21:59:11,459 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: timed termination at 17520.0 for action_desat
2025-09-14 21:59:11,460 data.base                      INFO       <17520.00> Total reward: {}
2025-09-14 21:59:11,460 comm.communication             INFO       <17520.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,461 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,463 gym                            INFO       <17520.00> Step reward: 0.0
2025-09-14 21:59:11,464 gym                            INFO       <17520.00> === STARTING STEP ===
2025-09-14 21:59:11,464 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,464 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: setting timed terminal event at 17580.0
2025-09-14 21:59:11,472 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: timed termination at 17580.0 for action_desat
2025-09-14 21:59:11,473 data.base                      INFO       <17580.00> Total reward: {}
2025-09-14 21:59:11,473 comm.communication             INFO       <17580.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,474 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,475 gym                            INFO       <17580.00> Step reward: 0.0
2025-09-14 21:59:11,476 gym                            INFO       <17580.00> === STARTING STEP ===
2025-09-14 21:59:11,476 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:11,477 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: setting timed terminal event at 17640.0
2025-09-14 21:59:11,485 sats.satellite.Scanner-1       INFO       <17640.00> Scanner-1: timed termination at 17640.0 for action_downlink
2025-09-14 21:59:11,485 data.base                      INFO       <17640.00> Total reward: {}
2025-09-14 21:59:11,486 comm.communication             INFO       <17640.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,487 sats.satellite.Scanner-1       INFO       <17640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,488 gym                            INFO       <17640.00> Step reward: 0.0
2025-09-14 21:59:11,489 gym                            INFO       <17640.00> === STARTING STEP ===
2025-09-14 21:59:11,490 sats.satellite.Scanner-1       INFO       <17640.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,491 sats.satellite.Scanner-1       INFO       <17640.00> Scanner-1: setting timed terminal event at 17760.0
2025-09-14 21:59:11,504 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: timed termination at 17760.0 for action_charge
2025-09-14 21:59:11,505 data.base                      INFO       <17760.00> Total reward: {}
2025-09-14 21:59:11,505 comm.communication             INFO       <17760.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,506 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,508 gym                            INFO       <17760.00> Step reward: 0.0
2025-09-14 21:59:11,508 gym                            INFO       <17760.00> === STARTING STEP ===
2025-09-14 21:59:11,509 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,509 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: setting timed terminal event at 17940.0
2025-09-14 21:59:11,533 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: timed termination at 17940.0 for action_nadir_scan
2025-09-14 21:59:11,534 data.base                      INFO       <17940.00> Total reward: {'Scanner-1': 0.004736842105263157}
2025-09-14 21:59:11,534 comm.communication             INFO       <17940.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,535 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,537 gym                            INFO       <17940.00> Step reward: 0.004736842105263157
2025-09-14 21:59:11,538 gym                            INFO       <17940.00> === STARTING STEP ===
2025-09-14 21:59:11,538 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,538 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: setting timed terminal event at 18060.0
2025-09-14 21:59:11,555 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: timed termination at 18060.0 for action_charge
2025-09-14 21:59:11,555 data.base                      INFO       <18060.00> Total reward: {}
2025-09-14 21:59:11,556 comm.communication             INFO       <18060.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,556 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,558 gym                            INFO       <18060.00> Step reward: 0.0
2025-09-14 21:59:11,559 gym                            INFO       <18060.00> === STARTING STEP ===
2025-09-14 21:59:11,559 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,560 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: setting timed terminal event at 18240.0
2025-09-14 21:59:11,580 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: timed termination at 18240.0 for action_nadir_scan
2025-09-14 21:59:11,581 data.base                      INFO       <18240.00> Total reward: {'Scanner-1': 0.004701754385964912}
2025-09-14 21:59:11,581 comm.communication             INFO       <18240.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,582 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,584 gym                            INFO       <18240.00> Step reward: 0.004701754385964912
2025-09-14 21:59:11,584 gym                            INFO       <18240.00> === STARTING STEP ===
2025-09-14 21:59:11,585 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:11,586 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: setting timed terminal event at 18300.0
2025-09-14 21:59:11,594 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: timed termination at 18300.0 for action_downlink
2025-09-14 21:59:11,594 data.base                      INFO       <18300.00> Total reward: {}
2025-09-14 21:59:11,595 comm.communication             INFO       <18300.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,595 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,597 gym                            INFO       <18300.00> Step reward: 0.0
2025-09-14 21:59:11,598 gym                            INFO       <18300.00> === STARTING STEP ===
2025-09-14 21:59:11,598 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:11,599 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: setting timed terminal event at 18360.0
2025-09-14 21:59:11,608 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: timed termination at 18360.0 for action_downlink
2025-09-14 21:59:11,609 data.base                      INFO       <18360.00> Total reward: {}
2025-09-14 21:59:11,609 comm.communication             INFO       <18360.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,610 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,612 gym                            INFO       <18360.00> Step reward: 0.0
2025-09-14 21:59:11,612 gym                            INFO       <18360.00> === STARTING STEP ===
2025-09-14 21:59:11,613 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,613 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: setting timed terminal event at 18420.0
2025-09-14 21:59:11,621 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: timed termination at 18420.0 for action_desat
2025-09-14 21:59:11,622 data.base                      INFO       <18420.00> Total reward: {}
2025-09-14 21:59:11,623 comm.communication             INFO       <18420.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,623 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,625 gym                            INFO       <18420.00> Step reward: 0.0
2025-09-14 21:59:11,626 gym                            INFO       <18420.00> === STARTING STEP ===
2025-09-14 21:59:11,626 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,627 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: setting timed terminal event at 18540.0
2025-09-14 21:59:11,641 sats.satellite.Scanner-1       INFO       <18540.00> Scanner-1: timed termination at 18540.0 for action_charge
2025-09-14 21:59:11,641 data.base                      INFO       <18540.00> Total reward: {}
2025-09-14 21:59:11,642 comm.communication             INFO       <18540.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,643 sats.satellite.Scanner-1       INFO       <18540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,645 gym                            INFO       <18540.00> Step reward: 0.0
2025-09-14 21:59:11,645 gym                            INFO       <18540.00> === STARTING STEP ===
2025-09-14 21:59:11,646 sats.satellite.Scanner-1       INFO       <18540.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,646 sats.satellite.Scanner-1       INFO       <18540.00> Scanner-1: setting timed terminal event at 18600.0
2025-09-14 21:59:11,654 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: timed termination at 18600.0 for action_desat
2025-09-14 21:59:11,655 data.base                      INFO       <18600.00> Total reward: {}
2025-09-14 21:59:11,655 comm.communication             INFO       <18600.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,656 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,658 gym                            INFO       <18600.00> Step reward: 0.0
2025-09-14 21:59:11,658 gym                            INFO       <18600.00> === STARTING STEP ===
2025-09-14 21:59:11,659 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,659 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: setting timed terminal event at 18660.0
2025-09-14 21:59:11,668 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: timed termination at 18660.0 for action_desat
2025-09-14 21:59:11,669 data.base                      INFO       <18660.00> Total reward: {}
2025-09-14 21:59:11,669 comm.communication             INFO       <18660.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,670 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,672 gym                            INFO       <18660.00> Step reward: 0.0
2025-09-14 21:59:11,672 gym                            INFO       <18660.00> === STARTING STEP ===
2025-09-14 21:59:11,673 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,674 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: setting timed terminal event at 18780.0
2025-09-14 21:59:11,690 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: timed termination at 18780.0 for action_charge
2025-09-14 21:59:11,690 data.base                      INFO       <18780.00> Total reward: {}
2025-09-14 21:59:11,691 comm.communication             INFO       <18780.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,692 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,694 gym                            INFO       <18780.00> Step reward: 0.0
2025-09-14 21:59:11,695 gym                            INFO       <18780.00> === STARTING STEP ===
2025-09-14 21:59:11,695 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,696 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: setting timed terminal event at 18900.0
2025-09-14 21:59:11,709 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: timed termination at 18900.0 for action_charge
2025-09-14 21:59:11,710 data.base                      INFO       <18900.00> Total reward: {}
2025-09-14 21:59:11,710 comm.communication             INFO       <18900.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,711 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,712 gym                            INFO       <18900.00> Step reward: 0.0
2025-09-14 21:59:11,713 gym                            INFO       <18900.00> === STARTING STEP ===
2025-09-14 21:59:11,713 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,714 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: setting timed terminal event at 18960.0
2025-09-14 21:59:11,722 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: timed termination at 18960.0 for action_desat
2025-09-14 21:59:11,722 data.base                      INFO       <18960.00> Total reward: {}
2025-09-14 21:59:11,723 comm.communication             INFO       <18960.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,723 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,726 gym                            INFO       <18960.00> Step reward: 0.0
2025-09-14 21:59:11,726 gym                            INFO       <18960.00> === STARTING STEP ===
2025-09-14 21:59:11,727 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,727 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: setting timed terminal event at 19080.0
2025-09-14 21:59:11,741 sats.satellite.Scanner-1       INFO       <19080.00> Scanner-1: timed termination at 19080.0 for action_charge
2025-09-14 21:59:11,742 data.base                      INFO       <19080.00> Total reward: {}
2025-09-14 21:59:11,742 comm.communication             INFO       <19080.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,744 sats.satellite.Scanner-1       INFO       <19080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,745 gym                            INFO       <19080.00> Step reward: 0.0
2025-09-14 21:59:11,746 gym                            INFO       <19080.00> === STARTING STEP ===
2025-09-14 21:59:11,747 sats.satellite.Scanner-1       INFO       <19080.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,747 sats.satellite.Scanner-1       INFO       <19080.00> Scanner-1: setting timed terminal event at 19200.0
2025-09-14 21:59:11,761 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: timed termination at 19200.0 for action_charge
2025-09-14 21:59:11,762 data.base                      INFO       <19200.00> Total reward: {}
2025-09-14 21:59:11,762 comm.communication             INFO       <19200.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,763 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,764 gym                            INFO       <19200.00> Step reward: 0.0
2025-09-14 21:59:11,765 gym                            INFO       <19200.00> === STARTING STEP ===
2025-09-14 21:59:11,766 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,766 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: setting timed terminal event at 19260.0
2025-09-14 21:59:11,775 sats.satellite.Scanner-1       INFO       <19260.00> Scanner-1: timed termination at 19260.0 for action_desat
2025-09-14 21:59:11,775 data.base                      INFO       <19260.00> Total reward: {}
2025-09-14 21:59:11,776 comm.communication             INFO       <19260.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,776 sats.satellite.Scanner-1       INFO       <19260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,778 gym                            INFO       <19260.00> Step reward: 0.0
2025-09-14 21:59:11,779 gym                            INFO       <19260.00> === STARTING STEP ===
2025-09-14 21:59:11,779 sats.satellite.Scanner-1       INFO       <19260.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,780 sats.satellite.Scanner-1       INFO       <19260.00> Scanner-1: setting timed terminal event at 19440.0
2025-09-14 21:59:11,800 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: timed termination at 19440.0 for action_nadir_scan
2025-09-14 21:59:11,801 data.base                      INFO       <19440.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-09-14 21:59:11,801 comm.communication             INFO       <19440.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,802 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,804 gym                            INFO       <19440.00> Step reward: 0.0049824561403508764
2025-09-14 21:59:11,805 gym                            INFO       <19440.00> === STARTING STEP ===
2025-09-14 21:59:11,805 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,806 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: setting timed terminal event at 19620.0
2025-09-14 21:59:11,826 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: timed termination at 19620.0 for action_nadir_scan
2025-09-14 21:59:11,826 data.base                      INFO       <19620.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:11,826 comm.communication             INFO       <19620.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,827 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,829 gym                            INFO       <19620.00> Step reward: 0.00631578947368421
2025-09-14 21:59:11,829 gym                            INFO       <19620.00> === STARTING STEP ===
2025-09-14 21:59:11,830 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,831 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: setting timed terminal event at 19800.0
2025-09-14 21:59:11,850 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: timed termination at 19800.0 for action_nadir_scan
2025-09-14 21:59:11,851 data.base                      INFO       <19800.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:11,851 comm.communication             INFO       <19800.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,852 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,854 gym                            INFO       <19800.00> Step reward: 0.00631578947368421
2025-09-14 21:59:11,854 gym                            INFO       <19800.00> === STARTING STEP ===
2025-09-14 21:59:11,855 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:11,856 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: setting timed terminal event at 19860.0
2025-09-14 21:59:11,864 sats.satellite.Scanner-1       INFO       <19860.00> Scanner-1: timed termination at 19860.0 for action_desat
2025-09-14 21:59:11,864 data.base                      INFO       <19860.00> Total reward: {}
2025-09-14 21:59:11,865 comm.communication             INFO       <19860.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,865 sats.satellite.Scanner-1       INFO       <19860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,867 gym                            INFO       <19860.00> Step reward: 0.0
2025-09-14 21:59:11,868 gym                            INFO       <19860.00> === STARTING STEP ===
2025-09-14 21:59:11,869 sats.satellite.Scanner-1       INFO       <19860.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:11,869 sats.satellite.Scanner-1       INFO       <19860.00> Scanner-1: setting timed terminal event at 19980.0
2025-09-14 21:59:11,882 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: timed termination at 19980.0 for action_charge
2025-09-14 21:59:11,883 data.base                      INFO       <19980.00> Total reward: {}
2025-09-14 21:59:11,883 comm.communication             INFO       <19980.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,884 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,886 gym                            INFO       <19980.00> Step reward: 0.0
2025-09-14 21:59:11,887 gym                            INFO       <19980.00> === STARTING STEP ===
2025-09-14 21:59:11,887 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,887 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: setting timed terminal event at 20160.0
2025-09-14 21:59:11,908 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: timed termination at 20160.0 for action_nadir_scan
2025-09-14 21:59:11,908 data.base                      INFO       <20160.00> Total reward: {'Scanner-1': 0.005192982456140351}
2025-09-14 21:59:11,909 comm.communication             INFO       <20160.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,910 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,911 gym                            INFO       <20160.00> Step reward: 0.005192982456140351
2025-09-14 21:59:11,912 gym                            INFO       <20160.00> === STARTING STEP ===
2025-09-14 21:59:11,913 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:11,913 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: setting timed terminal event at 20220.0
2025-09-14 21:59:11,921 sats.satellite.Scanner-1       INFO       <20220.00> Scanner-1: timed termination at 20220.0 for action_downlink
2025-09-14 21:59:11,921 data.base                      INFO       <20220.00> Total reward: {}
2025-09-14 21:59:11,922 comm.communication             INFO       <20220.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,922 sats.satellite.Scanner-1       INFO       <20220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,924 gym                            INFO       <20220.00> Step reward: 0.0
2025-09-14 21:59:11,925 gym                            INFO       <20220.00> === STARTING STEP ===
2025-09-14 21:59:11,926 sats.satellite.Scanner-1       INFO       <20220.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,926 sats.satellite.Scanner-1       INFO       <20220.00> Scanner-1: setting timed terminal event at 20400.0
2025-09-14 21:59:11,945 sats.satellite.Scanner-1       INFO       <20400.00> Scanner-1: timed termination at 20400.0 for action_nadir_scan
2025-09-14 21:59:11,946 data.base                      INFO       <20400.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-09-14 21:59:11,946 comm.communication             INFO       <20400.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,947 sats.satellite.Scanner-1       INFO       <20400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,949 gym                            INFO       <20400.00> Step reward: 0.00487719298245614
2025-09-14 21:59:11,950 gym                            INFO       <20400.00> === STARTING STEP ===
2025-09-14 21:59:11,951 sats.satellite.Scanner-1       INFO       <20400.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,951 sats.satellite.Scanner-1       INFO       <20400.00> Scanner-1: setting timed terminal event at 20580.0
2025-09-14 21:59:11,975 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: timed termination at 20580.0 for action_nadir_scan
2025-09-14 21:59:11,975 data.base                      INFO       <20580.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:11,976 comm.communication             INFO       <20580.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:11,976 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:11,978 gym                            INFO       <20580.00> Step reward: 0.00631578947368421
2025-09-14 21:59:11,979 gym                            INFO       <20580.00> === STARTING STEP ===
2025-09-14 21:59:11,979 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:11,980 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: setting timed terminal event at 20760.0
2025-09-14 21:59:12,004 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: timed termination at 20760.0 for action_nadir_scan
2025-09-14 21:59:12,004 data.base                      INFO       <20760.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:12,005 comm.communication             INFO       <20760.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,005 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,008 gym                            INFO       <20760.00> Step reward: 0.00631578947368421
2025-09-14 21:59:12,008 gym                            INFO       <20760.00> === STARTING STEP ===
2025-09-14 21:59:12,009 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:12,009 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: setting timed terminal event at 20820.0
2025-09-14 21:59:12,017 sats.satellite.Scanner-1       INFO       <20820.00> Scanner-1: timed termination at 20820.0 for action_downlink
2025-09-14 21:59:12,018 data.base                      INFO       <20820.00> Total reward: {}
2025-09-14 21:59:12,018 comm.communication             INFO       <20820.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,019 sats.satellite.Scanner-1       INFO       <20820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,020 gym                            INFO       <20820.00> Step reward: 0.0
2025-09-14 21:59:12,021 gym                            INFO       <20820.00> === STARTING STEP ===
2025-09-14 21:59:12,022 sats.satellite.Scanner-1       INFO       <20820.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,022 sats.satellite.Scanner-1       INFO       <20820.00> Scanner-1: setting timed terminal event at 20940.0
2025-09-14 21:59:12,039 sats.satellite.Scanner-1       INFO       <20940.00> Scanner-1: timed termination at 20940.0 for action_charge
2025-09-14 21:59:12,039 data.base                      INFO       <20940.00> Total reward: {}
2025-09-14 21:59:12,040 comm.communication             INFO       <20940.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,040 sats.satellite.Scanner-1       INFO       <20940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,043 gym                            INFO       <20940.00> Step reward: 0.0
2025-09-14 21:59:12,043 gym                            INFO       <20940.00> === STARTING STEP ===
2025-09-14 21:59:12,044 sats.satellite.Scanner-1       INFO       <20940.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,044 sats.satellite.Scanner-1       INFO       <20940.00> Scanner-1: setting timed terminal event at 21060.0
2025-09-14 21:59:12,058 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: timed termination at 21060.0 for action_charge
2025-09-14 21:59:12,059 data.base                      INFO       <21060.00> Total reward: {}
2025-09-14 21:59:12,059 comm.communication             INFO       <21060.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,060 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,062 gym                            INFO       <21060.00> Step reward: 0.0
2025-09-14 21:59:12,062 gym                            INFO       <21060.00> === STARTING STEP ===
2025-09-14 21:59:12,063 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,063 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: setting timed terminal event at 21180.0
2025-09-14 21:59:12,077 sats.satellite.Scanner-1       INFO       <21180.00> Scanner-1: timed termination at 21180.0 for action_charge
2025-09-14 21:59:12,078 data.base                      INFO       <21180.00> Total reward: {}
2025-09-14 21:59:12,078 comm.communication             INFO       <21180.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,079 sats.satellite.Scanner-1       INFO       <21180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,081 gym                            INFO       <21180.00> Step reward: 0.0
2025-09-14 21:59:12,081 gym                            INFO       <21180.00> === STARTING STEP ===
2025-09-14 21:59:12,082 sats.satellite.Scanner-1       INFO       <21180.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:12,082 sats.satellite.Scanner-1       INFO       <21180.00> Scanner-1: setting timed terminal event at 21240.0
2025-09-14 21:59:12,092 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: timed termination at 21240.0 for action_downlink
2025-09-14 21:59:12,092 data.base                      INFO       <21240.00> Total reward: {}
2025-09-14 21:59:12,093 comm.communication             INFO       <21240.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,094 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,095 gym                            INFO       <21240.00> Step reward: 0.0
2025-09-14 21:59:12,096 gym                            INFO       <21240.00> === STARTING STEP ===
2025-09-14 21:59:12,097 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,098 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: setting timed terminal event at 21300.0
2025-09-14 21:59:12,106 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: timed termination at 21300.0 for action_desat
2025-09-14 21:59:12,106 data.base                      INFO       <21300.00> Total reward: {}
2025-09-14 21:59:12,107 comm.communication             INFO       <21300.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,107 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,109 gym                            INFO       <21300.00> Step reward: 0.0
2025-09-14 21:59:12,110 gym                            INFO       <21300.00> === STARTING STEP ===
2025-09-14 21:59:12,111 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,111 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: setting timed terminal event at 21480.0
2025-09-14 21:59:12,132 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: timed termination at 21480.0 for action_nadir_scan
2025-09-14 21:59:12,133 data.base                      INFO       <21480.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:12,133 comm.communication             INFO       <21480.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,134 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,136 gym                            INFO       <21480.00> Step reward: 0.004912280701754385
2025-09-14 21:59:12,136 gym                            INFO       <21480.00> === STARTING STEP ===
2025-09-14 21:59:12,137 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,137 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: setting timed terminal event at 21660.0
2025-09-14 21:59:12,157 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: timed termination at 21660.0 for action_nadir_scan
2025-09-14 21:59:12,158 data.base                      INFO       <21660.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:12,158 comm.communication             INFO       <21660.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,159 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,160 gym                            INFO       <21660.00> Step reward: 0.00631578947368421
2025-09-14 21:59:12,161 gym                            INFO       <21660.00> === STARTING STEP ===
2025-09-14 21:59:12,162 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,162 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: setting timed terminal event at 21780.0
2025-09-14 21:59:12,177 sats.satellite.Scanner-1       INFO       <21780.00> Scanner-1: timed termination at 21780.0 for action_charge
2025-09-14 21:59:12,178 data.base                      INFO       <21780.00> Total reward: {}
2025-09-14 21:59:12,178 comm.communication             INFO       <21780.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,179 sats.satellite.Scanner-1       INFO       <21780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,181 gym                            INFO       <21780.00> Step reward: 0.0
2025-09-14 21:59:12,182 gym                            INFO       <21780.00> === STARTING STEP ===
2025-09-14 21:59:12,182 sats.satellite.Scanner-1       INFO       <21780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,182 sats.satellite.Scanner-1       INFO       <21780.00> Scanner-1: setting timed terminal event at 21900.0
2025-09-14 21:59:12,199 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: timed termination at 21900.0 for action_charge
2025-09-14 21:59:12,199 data.base                      INFO       <21900.00> Total reward: {}
2025-09-14 21:59:12,200 comm.communication             INFO       <21900.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,200 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,202 gym                            INFO       <21900.00> Step reward: 0.0
2025-09-14 21:59:12,203 gym                            INFO       <21900.00> === STARTING STEP ===
2025-09-14 21:59:12,203 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,204 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: setting timed terminal event at 22080.0
2025-09-14 21:59:12,225 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: timed termination at 22080.0 for action_nadir_scan
2025-09-14 21:59:12,225 data.base                      INFO       <22080.00> Total reward: {'Scanner-1': 0.00543859649122807}
2025-09-14 21:59:12,226 comm.communication             INFO       <22080.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,227 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,229 gym                            INFO       <22080.00> Step reward: 0.00543859649122807
2025-09-14 21:59:12,229 gym                            INFO       <22080.00> === STARTING STEP ===
2025-09-14 21:59:12,230 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,230 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: setting timed terminal event at 22140.0
2025-09-14 21:59:12,238 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: timed termination at 22140.0 for action_desat
2025-09-14 21:59:12,239 data.base                      INFO       <22140.00> Total reward: {}
2025-09-14 21:59:12,239 comm.communication             INFO       <22140.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,240 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,242 gym                            INFO       <22140.00> Step reward: 0.0
2025-09-14 21:59:12,243 gym                            INFO       <22140.00> === STARTING STEP ===
2025-09-14 21:59:12,244 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,244 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: setting timed terminal event at 22200.0
2025-09-14 21:59:12,252 sats.satellite.Scanner-1       INFO       <22200.00> Scanner-1: timed termination at 22200.0 for action_desat
2025-09-14 21:59:12,252 data.base                      INFO       <22200.00> Total reward: {}
2025-09-14 21:59:12,253 comm.communication             INFO       <22200.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,254 sats.satellite.Scanner-1       INFO       <22200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,255 gym                            INFO       <22200.00> Step reward: 0.0
2025-09-14 21:59:12,256 gym                            INFO       <22200.00> === STARTING STEP ===
2025-09-14 21:59:12,257 sats.satellite.Scanner-1       INFO       <22200.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,257 sats.satellite.Scanner-1       INFO       <22200.00> Scanner-1: setting timed terminal event at 22320.0
2025-09-14 21:59:12,271 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: timed termination at 22320.0 for action_charge
2025-09-14 21:59:12,271 data.base                      INFO       <22320.00> Total reward: {}
2025-09-14 21:59:12,272 comm.communication             INFO       <22320.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,272 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,274 gym                            INFO       <22320.00> Step reward: 0.0
2025-09-14 21:59:12,275 gym                            INFO       <22320.00> === STARTING STEP ===
2025-09-14 21:59:12,275 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,276 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: setting timed terminal event at 22440.0
2025-09-14 21:59:12,290 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: timed termination at 22440.0 for action_charge
2025-09-14 21:59:12,290 data.base                      INFO       <22440.00> Total reward: {}
2025-09-14 21:59:12,291 comm.communication             INFO       <22440.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,291 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,293 gym                            INFO       <22440.00> Step reward: 0.0
2025-09-14 21:59:12,294 gym                            INFO       <22440.00> === STARTING STEP ===
2025-09-14 21:59:12,294 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,295 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: setting timed terminal event at 22500.0
2025-09-14 21:59:12,303 sats.satellite.Scanner-1       INFO       <22500.00> Scanner-1: timed termination at 22500.0 for action_desat
2025-09-14 21:59:12,303 data.base                      INFO       <22500.00> Total reward: {}
2025-09-14 21:59:12,303 comm.communication             INFO       <22500.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,304 sats.satellite.Scanner-1       INFO       <22500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,306 gym                            INFO       <22500.00> Step reward: 0.0
2025-09-14 21:59:12,306 gym                            INFO       <22500.00> === STARTING STEP ===
2025-09-14 21:59:12,307 sats.satellite.Scanner-1       INFO       <22500.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,307 sats.satellite.Scanner-1       INFO       <22500.00> Scanner-1: setting timed terminal event at 22620.0
2025-09-14 21:59:12,321 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: timed termination at 22620.0 for action_charge
2025-09-14 21:59:12,322 data.base                      INFO       <22620.00> Total reward: {}
2025-09-14 21:59:12,322 comm.communication             INFO       <22620.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,323 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,325 gym                            INFO       <22620.00> Step reward: 0.0
2025-09-14 21:59:12,325 gym                            INFO       <22620.00> === STARTING STEP ===
2025-09-14 21:59:12,326 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,327 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: setting timed terminal event at 22800.0
2025-09-14 21:59:12,346 sats.satellite.Scanner-1       INFO       <22800.00> Scanner-1: timed termination at 22800.0 for action_nadir_scan
2025-09-14 21:59:12,347 data.base                      INFO       <22800.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:12,347 comm.communication             INFO       <22800.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,348 sats.satellite.Scanner-1       INFO       <22800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,350 gym                            INFO       <22800.00> Step reward: 0.004912280701754385
2025-09-14 21:59:12,350 gym                            INFO       <22800.00> === STARTING STEP ===
2025-09-14 21:59:12,351 sats.satellite.Scanner-1       INFO       <22800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,351 sats.satellite.Scanner-1       INFO       <22800.00> Scanner-1: setting timed terminal event at 22860.0
2025-09-14 21:59:12,360 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: timed termination at 22860.0 for action_desat
2025-09-14 21:59:12,360 data.base                      INFO       <22860.00> Total reward: {}
2025-09-14 21:59:12,360 comm.communication             INFO       <22860.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,361 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,363 gym                            INFO       <22860.00> Step reward: 0.0
2025-09-14 21:59:12,364 gym                            INFO       <22860.00> === STARTING STEP ===
2025-09-14 21:59:12,364 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,364 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: setting timed terminal event at 23040.0
2025-09-14 21:59:12,385 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: timed termination at 23040.0 for action_nadir_scan
2025-09-14 21:59:12,385 data.base                      INFO       <23040.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:12,386 comm.communication             INFO       <23040.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,387 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,389 gym                            INFO       <23040.00> Step reward: 0.004912280701754385
2025-09-14 21:59:12,389 gym                            INFO       <23040.00> === STARTING STEP ===
2025-09-14 21:59:12,390 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,390 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: setting timed terminal event at 23220.0
2025-09-14 21:59:12,410 sats.satellite.Scanner-1       INFO       <23220.00> Scanner-1: timed termination at 23220.0 for action_nadir_scan
2025-09-14 21:59:12,411 data.base                      INFO       <23220.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:12,411 comm.communication             INFO       <23220.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,412 sats.satellite.Scanner-1       INFO       <23220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,414 gym                            INFO       <23220.00> Step reward: 0.00631578947368421
2025-09-14 21:59:12,414 gym                            INFO       <23220.00> === STARTING STEP ===
2025-09-14 21:59:12,415 sats.satellite.Scanner-1       INFO       <23220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,415 sats.satellite.Scanner-1       INFO       <23220.00> Scanner-1: setting timed terminal event at 23280.0
2025-09-14 21:59:12,423 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: timed termination at 23280.0 for action_desat
2025-09-14 21:59:12,423 data.base                      INFO       <23280.00> Total reward: {}
2025-09-14 21:59:12,424 comm.communication             INFO       <23280.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,424 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,426 gym                            INFO       <23280.00> Step reward: 0.0
2025-09-14 21:59:12,426 gym                            INFO       <23280.00> === STARTING STEP ===
2025-09-14 21:59:12,427 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:12,427 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: setting timed terminal event at 23340.0
2025-09-14 21:59:12,436 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: timed termination at 23340.0 for action_downlink
2025-09-14 21:59:12,436 data.base                      INFO       <23340.00> Total reward: {}
2025-09-14 21:59:12,437 comm.communication             INFO       <23340.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,438 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,439 gym                            INFO       <23340.00> Step reward: 0.0
2025-09-14 21:59:12,440 gym                            INFO       <23340.00> === STARTING STEP ===
2025-09-14 21:59:12,440 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,441 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: setting timed terminal event at 23400.0
2025-09-14 21:59:12,449 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: timed termination at 23400.0 for action_desat
2025-09-14 21:59:12,450 data.base                      INFO       <23400.00> Total reward: {}
2025-09-14 21:59:12,450 comm.communication             INFO       <23400.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,450 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,452 gym                            INFO       <23400.00> Step reward: 0.0
2025-09-14 21:59:12,453 gym                            INFO       <23400.00> === STARTING STEP ===
2025-09-14 21:59:12,453 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,454 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: setting timed terminal event at 23460.0
2025-09-14 21:59:12,463 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: timed termination at 23460.0 for action_desat
2025-09-14 21:59:12,463 data.base                      INFO       <23460.00> Total reward: {}
2025-09-14 21:59:12,464 comm.communication             INFO       <23460.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,464 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,466 gym                            INFO       <23460.00> Step reward: 0.0
2025-09-14 21:59:12,467 gym                            INFO       <23460.00> === STARTING STEP ===
2025-09-14 21:59:12,468 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,468 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: setting timed terminal event at 23640.0
2025-09-14 21:59:12,488 sats.satellite.Scanner-1       INFO       <23640.00> Scanner-1: timed termination at 23640.0 for action_nadir_scan
2025-09-14 21:59:12,489 data.base                      INFO       <23640.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:12,489 comm.communication             INFO       <23640.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,490 sats.satellite.Scanner-1       INFO       <23640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,491 gym                            INFO       <23640.00> Step reward: 0.004912280701754385
2025-09-14 21:59:12,492 gym                            INFO       <23640.00> === STARTING STEP ===
2025-09-14 21:59:12,492 sats.satellite.Scanner-1       INFO       <23640.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:12,493 sats.satellite.Scanner-1       INFO       <23640.00> Scanner-1: setting timed terminal event at 23700.0
2025-09-14 21:59:12,501 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: timed termination at 23700.0 for action_downlink
2025-09-14 21:59:12,501 data.base                      INFO       <23700.00> Total reward: {}
2025-09-14 21:59:12,501 comm.communication             INFO       <23700.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,502 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,504 gym                            INFO       <23700.00> Step reward: 0.0
2025-09-14 21:59:12,504 gym                            INFO       <23700.00> === STARTING STEP ===
2025-09-14 21:59:12,505 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,505 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: setting timed terminal event at 23760.0
2025-09-14 21:59:12,513 sats.satellite.Scanner-1       INFO       <23760.00> Scanner-1: timed termination at 23760.0 for action_desat
2025-09-14 21:59:12,513 data.base                      INFO       <23760.00> Total reward: {}
2025-09-14 21:59:12,514 comm.communication             INFO       <23760.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,514 sats.satellite.Scanner-1       INFO       <23760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,516 gym                            INFO       <23760.00> Step reward: 0.0
2025-09-14 21:59:12,517 gym                            INFO       <23760.00> === STARTING STEP ===
2025-09-14 21:59:12,517 sats.satellite.Scanner-1       INFO       <23760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,518 sats.satellite.Scanner-1       INFO       <23760.00> Scanner-1: setting timed terminal event at 23820.0
2025-09-14 21:59:12,526 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: timed termination at 23820.0 for action_desat
2025-09-14 21:59:12,526 data.base                      INFO       <23820.00> Total reward: {}
2025-09-14 21:59:12,527 comm.communication             INFO       <23820.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,527 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,529 gym                            INFO       <23820.00> Step reward: 0.0
2025-09-14 21:59:12,530 gym                            INFO       <23820.00> === STARTING STEP ===
2025-09-14 21:59:12,530 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,531 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: setting timed terminal event at 23880.0
2025-09-14 21:59:12,539 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: timed termination at 23880.0 for action_desat
2025-09-14 21:59:12,539 data.base                      INFO       <23880.00> Total reward: {}
2025-09-14 21:59:12,540 comm.communication             INFO       <23880.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,540 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,542 gym                            INFO       <23880.00> Step reward: 0.0
2025-09-14 21:59:12,543 gym                            INFO       <23880.00> === STARTING STEP ===
2025-09-14 21:59:12,543 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:12,544 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: setting timed terminal event at 23940.0
2025-09-14 21:59:12,552 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: timed termination at 23940.0 for action_downlink
2025-09-14 21:59:12,552 data.base                      INFO       <23940.00> Total reward: {}
2025-09-14 21:59:12,553 comm.communication             INFO       <23940.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,553 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,555 gym                            INFO       <23940.00> Step reward: 0.0
2025-09-14 21:59:12,556 gym                            INFO       <23940.00> === STARTING STEP ===
2025-09-14 21:59:12,556 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,557 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: setting timed terminal event at 24000.0
2025-09-14 21:59:12,565 sats.satellite.Scanner-1       INFO       <24000.00> Scanner-1: timed termination at 24000.0 for action_desat
2025-09-14 21:59:12,565 data.base                      INFO       <24000.00> Total reward: {}
2025-09-14 21:59:12,566 comm.communication             INFO       <24000.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,566 sats.satellite.Scanner-1       INFO       <24000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,568 gym                            INFO       <24000.00> Step reward: 0.0
2025-09-14 21:59:12,569 gym                            INFO       <24000.00> === STARTING STEP ===
2025-09-14 21:59:12,570 sats.satellite.Scanner-1       INFO       <24000.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,571 sats.satellite.Scanner-1       INFO       <24000.00> Scanner-1: setting timed terminal event at 24060.0
2025-09-14 21:59:12,579 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: timed termination at 24060.0 for action_desat
2025-09-14 21:59:12,579 data.base                      INFO       <24060.00> Total reward: {}
2025-09-14 21:59:12,580 comm.communication             INFO       <24060.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,580 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,582 gym                            INFO       <24060.00> Step reward: 0.0
2025-09-14 21:59:12,583 gym                            INFO       <24060.00> === STARTING STEP ===
2025-09-14 21:59:12,583 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,584 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: setting timed terminal event at 24120.0
2025-09-14 21:59:12,593 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: timed termination at 24120.0 for action_desat
2025-09-14 21:59:12,594 data.base                      INFO       <24120.00> Total reward: {}
2025-09-14 21:59:12,594 comm.communication             INFO       <24120.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,595 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,597 gym                            INFO       <24120.00> Step reward: 0.0
2025-09-14 21:59:12,598 gym                            INFO       <24120.00> === STARTING STEP ===
2025-09-14 21:59:12,598 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,599 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: setting timed terminal event at 24300.0
2025-09-14 21:59:12,619 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: timed termination at 24300.0 for action_nadir_scan
2025-09-14 21:59:12,619 data.base                      INFO       <24300.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:12,620 comm.communication             INFO       <24300.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,621 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,623 gym                            INFO       <24300.00> Step reward: 0.004912280701754385
2025-09-14 21:59:12,623 gym                            INFO       <24300.00> === STARTING STEP ===
2025-09-14 21:59:12,624 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,624 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: setting timed terminal event at 24480.0
2025-09-14 21:59:12,645 sats.satellite.Scanner-1       INFO       <24480.00> Scanner-1: timed termination at 24480.0 for action_nadir_scan
2025-09-14 21:59:12,645 data.base                      INFO       <24480.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:12,646 comm.communication             INFO       <24480.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,647 sats.satellite.Scanner-1       INFO       <24480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,649 gym                            INFO       <24480.00> Step reward: 0.00631578947368421
2025-09-14 21:59:12,650 gym                            INFO       <24480.00> === STARTING STEP ===
2025-09-14 21:59:12,650 sats.satellite.Scanner-1       INFO       <24480.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,651 sats.satellite.Scanner-1       INFO       <24480.00> Scanner-1: setting timed terminal event at 24540.0
2025-09-14 21:59:12,660 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: timed termination at 24540.0 for action_desat
2025-09-14 21:59:12,661 data.base                      INFO       <24540.00> Total reward: {}
2025-09-14 21:59:12,661 comm.communication             INFO       <24540.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,662 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,664 gym                            INFO       <24540.00> Step reward: 0.0
2025-09-14 21:59:12,665 gym                            INFO       <24540.00> === STARTING STEP ===
2025-09-14 21:59:12,665 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:12,666 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: setting timed terminal event at 24600.0
2025-09-14 21:59:12,674 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: timed termination at 24600.0 for action_downlink
2025-09-14 21:59:12,674 data.base                      INFO       <24600.00> Total reward: {}
2025-09-14 21:59:12,675 comm.communication             INFO       <24600.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,675 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,677 gym                            INFO       <24600.00> Step reward: 0.0
2025-09-14 21:59:12,677 gym                            INFO       <24600.00> === STARTING STEP ===
2025-09-14 21:59:12,678 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,678 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: setting timed terminal event at 24720.0
2025-09-14 21:59:12,695 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: timed termination at 24720.0 for action_charge
2025-09-14 21:59:12,696 data.base                      INFO       <24720.00> Total reward: {}
2025-09-14 21:59:12,696 comm.communication             INFO       <24720.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,696 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,698 gym                            INFO       <24720.00> Step reward: 0.0
2025-09-14 21:59:12,699 gym                            INFO       <24720.00> === STARTING STEP ===
2025-09-14 21:59:12,699 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,700 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: setting timed terminal event at 24840.0
2025-09-14 21:59:12,713 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: timed termination at 24840.0 for action_charge
2025-09-14 21:59:12,714 data.base                      INFO       <24840.00> Total reward: {}
2025-09-14 21:59:12,714 comm.communication             INFO       <24840.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,715 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,717 gym                            INFO       <24840.00> Step reward: 0.0
2025-09-14 21:59:12,717 gym                            INFO       <24840.00> === STARTING STEP ===
2025-09-14 21:59:12,717 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,718 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: setting timed terminal event at 24960.0
2025-09-14 21:59:12,732 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: timed termination at 24960.0 for action_charge
2025-09-14 21:59:12,733 data.base                      INFO       <24960.00> Total reward: {}
2025-09-14 21:59:12,733 comm.communication             INFO       <24960.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,734 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,735 gym                            INFO       <24960.00> Step reward: 0.0
2025-09-14 21:59:12,736 gym                            INFO       <24960.00> === STARTING STEP ===
2025-09-14 21:59:12,737 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,737 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: setting timed terminal event at 25140.0
2025-09-14 21:59:12,758 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: timed termination at 25140.0 for action_nadir_scan
2025-09-14 21:59:12,759 data.base                      INFO       <25140.00> Total reward: {'Scanner-1': 0.004842105263157894}
2025-09-14 21:59:12,760 comm.communication             INFO       <25140.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,760 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,773 gym                            INFO       <25140.00> Step reward: 0.004842105263157894
2025-09-14 21:59:12,774 gym                            INFO       <25140.00> === STARTING STEP ===
2025-09-14 21:59:12,774 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:12,775 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: setting timed terminal event at 25200.0
2025-09-14 21:59:12,784 sats.satellite.Scanner-1       INFO       <25200.00> Scanner-1: timed termination at 25200.0 for action_downlink
2025-09-14 21:59:12,784 data.base                      INFO       <25200.00> Total reward: {}
2025-09-14 21:59:12,785 comm.communication             INFO       <25200.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,785 sats.satellite.Scanner-1       INFO       <25200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,787 gym                            INFO       <25200.00> Step reward: 0.0
2025-09-14 21:59:12,788 gym                            INFO       <25200.00> === STARTING STEP ===
2025-09-14 21:59:12,789 sats.satellite.Scanner-1       INFO       <25200.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:12,789 sats.satellite.Scanner-1       INFO       <25200.00> Scanner-1: setting timed terminal event at 25260.0
2025-09-14 21:59:12,797 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: timed termination at 25260.0 for action_downlink
2025-09-14 21:59:12,797 data.base                      INFO       <25260.00> Total reward: {}
2025-09-14 21:59:12,798 comm.communication             INFO       <25260.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,798 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,800 gym                            INFO       <25260.00> Step reward: 0.0
2025-09-14 21:59:12,801 gym                            INFO       <25260.00> === STARTING STEP ===
2025-09-14 21:59:12,801 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,803 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: setting timed terminal event at 25380.0
2025-09-14 21:59:12,815 sats.satellite.Scanner-1       INFO       <25380.00> Scanner-1: timed termination at 25380.0 for action_charge
2025-09-14 21:59:12,816 data.base                      INFO       <25380.00> Total reward: {}
2025-09-14 21:59:12,816 comm.communication             INFO       <25380.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,817 sats.satellite.Scanner-1       INFO       <25380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,819 gym                            INFO       <25380.00> Step reward: 0.0
2025-09-14 21:59:12,820 gym                            INFO       <25380.00> === STARTING STEP ===
2025-09-14 21:59:12,820 sats.satellite.Scanner-1       INFO       <25380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,821 sats.satellite.Scanner-1       INFO       <25380.00> Scanner-1: setting timed terminal event at 25440.0
2025-09-14 21:59:12,828 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: timed termination at 25440.0 for action_desat
2025-09-14 21:59:12,829 data.base                      INFO       <25440.00> Total reward: {}
2025-09-14 21:59:12,830 comm.communication             INFO       <25440.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,830 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,832 gym                            INFO       <25440.00> Step reward: 0.0
2025-09-14 21:59:12,833 gym                            INFO       <25440.00> === STARTING STEP ===
2025-09-14 21:59:12,834 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,834 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: setting timed terminal event at 25620.0
2025-09-14 21:59:12,854 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: timed termination at 25620.0 for action_nadir_scan
2025-09-14 21:59:12,855 data.base                      INFO       <25620.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-09-14 21:59:12,856 comm.communication             INFO       <25620.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,856 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,859 gym                            INFO       <25620.00> Step reward: 0.004947368421052631
2025-09-14 21:59:12,859 gym                            INFO       <25620.00> === STARTING STEP ===
2025-09-14 21:59:12,860 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,860 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: setting timed terminal event at 25680.0
2025-09-14 21:59:12,869 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: timed termination at 25680.0 for action_desat
2025-09-14 21:59:12,869 data.base                      INFO       <25680.00> Total reward: {}
2025-09-14 21:59:12,869 comm.communication             INFO       <25680.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,870 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,872 gym                            INFO       <25680.00> Step reward: 0.0
2025-09-14 21:59:12,873 gym                            INFO       <25680.00> === STARTING STEP ===
2025-09-14 21:59:12,873 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:12,873 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: setting timed terminal event at 25740.0
2025-09-14 21:59:12,881 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: timed termination at 25740.0 for action_desat
2025-09-14 21:59:12,882 data.base                      INFO       <25740.00> Total reward: {}
2025-09-14 21:59:12,882 comm.communication             INFO       <25740.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,883 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,885 gym                            INFO       <25740.00> Step reward: 0.0
2025-09-14 21:59:12,886 gym                            INFO       <25740.00> === STARTING STEP ===
2025-09-14 21:59:12,886 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,886 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: setting timed terminal event at 25920.0
2025-09-14 21:59:12,906 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: timed termination at 25920.0 for action_nadir_scan
2025-09-14 21:59:12,907 data.base                      INFO       <25920.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-14 21:59:12,907 comm.communication             INFO       <25920.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,908 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,910 gym                            INFO       <25920.00> Step reward: 0.004912280701754385
2025-09-14 21:59:12,911 gym                            INFO       <25920.00> === STARTING STEP ===
2025-09-14 21:59:12,911 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:12,911 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: setting timed terminal event at 25980.0
2025-09-14 21:59:12,919 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: timed termination at 25980.0 for action_downlink
2025-09-14 21:59:12,920 data.base                      INFO       <25980.00> Total reward: {}
2025-09-14 21:59:12,920 comm.communication             INFO       <25980.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,921 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,923 gym                            INFO       <25980.00> Step reward: 0.0
2025-09-14 21:59:12,924 gym                            INFO       <25980.00> === STARTING STEP ===
2025-09-14 21:59:12,924 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:12,925 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: setting timed terminal event at 26100.0
2025-09-14 21:59:12,938 sats.satellite.Scanner-1       INFO       <26100.00> Scanner-1: timed termination at 26100.0 for action_charge
2025-09-14 21:59:12,939 data.base                      INFO       <26100.00> Total reward: {}
2025-09-14 21:59:12,939 comm.communication             INFO       <26100.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,940 sats.satellite.Scanner-1       INFO       <26100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,942 gym                            INFO       <26100.00> Step reward: 0.0
2025-09-14 21:59:12,942 gym                            INFO       <26100.00> === STARTING STEP ===
2025-09-14 21:59:12,943 sats.satellite.Scanner-1       INFO       <26100.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,943 sats.satellite.Scanner-1       INFO       <26100.00> Scanner-1: setting timed terminal event at 26280.0
2025-09-14 21:59:12,963 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: timed termination at 26280.0 for action_nadir_scan
2025-09-14 21:59:12,963 data.base                      INFO       <26280.00> Total reward: {'Scanner-1': 0.005578947368421052}
2025-09-14 21:59:12,964 comm.communication             INFO       <26280.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,964 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,966 gym                            INFO       <26280.00> Step reward: 0.005578947368421052
2025-09-14 21:59:12,967 gym                            INFO       <26280.00> === STARTING STEP ===
2025-09-14 21:59:12,967 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,968 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: setting timed terminal event at 26460.0
2025-09-14 21:59:12,987 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: timed termination at 26460.0 for action_nadir_scan
2025-09-14 21:59:12,987 data.base                      INFO       <26460.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:12,988 comm.communication             INFO       <26460.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:12,988 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:12,990 gym                            INFO       <26460.00> Step reward: 0.00631578947368421
2025-09-14 21:59:12,991 gym                            INFO       <26460.00> === STARTING STEP ===
2025-09-14 21:59:12,991 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:12,992 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: setting timed terminal event at 26640.0
2025-09-14 21:59:13,011 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: timed termination at 26640.0 for action_nadir_scan
2025-09-14 21:59:13,011 data.base                      INFO       <26640.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-14 21:59:13,012 comm.communication             INFO       <26640.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,012 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,014 gym                            INFO       <26640.00> Step reward: 0.00631578947368421
2025-09-14 21:59:13,015 gym                            INFO       <26640.00> === STARTING STEP ===
2025-09-14 21:59:13,015 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:13,016 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: setting timed terminal event at 26700.0
2025-09-14 21:59:13,024 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: timed termination at 26700.0 for action_downlink
2025-09-14 21:59:13,024 data.base                      INFO       <26700.00> Total reward: {}
2025-09-14 21:59:13,025 comm.communication             INFO       <26700.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,025 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,027 gym                            INFO       <26700.00> Step reward: 0.0
2025-09-14 21:59:13,027 gym                            INFO       <26700.00> === STARTING STEP ===
2025-09-14 21:59:13,028 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:13,028 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: setting timed terminal event at 26760.0
2025-09-14 21:59:13,036 sats.satellite.Scanner-1       INFO       <26760.00> Scanner-1: timed termination at 26760.0 for action_downlink
2025-09-14 21:59:13,037 data.base                      INFO       <26760.00> Total reward: {}
2025-09-14 21:59:13,037 comm.communication             INFO       <26760.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,038 sats.satellite.Scanner-1       INFO       <26760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,039 gym                            INFO       <26760.00> Step reward: 0.0
2025-09-14 21:59:13,040 gym                            INFO       <26760.00> === STARTING STEP ===
2025-09-14 21:59:13,041 sats.satellite.Scanner-1       INFO       <26760.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:13,041 sats.satellite.Scanner-1       INFO       <26760.00> Scanner-1: setting timed terminal event at 26880.0
2025-09-14 21:59:13,055 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: timed termination at 26880.0 for action_charge
2025-09-14 21:59:13,056 data.base                      INFO       <26880.00> Total reward: {}
2025-09-14 21:59:13,057 comm.communication             INFO       <26880.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,057 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,059 gym                            INFO       <26880.00> Step reward: 0.0
2025-09-14 21:59:13,060 gym                            INFO       <26880.00> === STARTING STEP ===
2025-09-14 21:59:13,060 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:13,060 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: setting timed terminal event at 26940.0
2025-09-14 21:59:13,069 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: timed termination at 26940.0 for action_downlink
2025-09-14 21:59:13,070 data.base                      INFO       <26940.00> Total reward: {}
2025-09-14 21:59:13,070 comm.communication             INFO       <26940.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,071 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,073 gym                            INFO       <26940.00> Step reward: 0.0
2025-09-14 21:59:13,073 gym                            INFO       <26940.00> === STARTING STEP ===
2025-09-14 21:59:13,074 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:13,074 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: setting timed terminal event at 27120.0
2025-09-14 21:59:13,094 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: timed termination at 27120.0 for action_nadir_scan
2025-09-14 21:59:13,095 data.base                      INFO       <27120.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-09-14 21:59:13,095 comm.communication             INFO       <27120.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,096 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,097 gym                            INFO       <27120.00> Step reward: 0.00487719298245614
2025-09-14 21:59:13,098 gym                            INFO       <27120.00> === STARTING STEP ===
2025-09-14 21:59:13,098 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:13,099 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: setting timed terminal event at 27180.0
2025-09-14 21:59:13,108 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: timed termination at 27180.0 for action_downlink
2025-09-14 21:59:13,109 data.base                      INFO       <27180.00> Total reward: {}
2025-09-14 21:59:13,109 comm.communication             INFO       <27180.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,109 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,111 gym                            INFO       <27180.00> Step reward: 0.0
2025-09-14 21:59:13,112 gym                            INFO       <27180.00> === STARTING STEP ===
2025-09-14 21:59:13,112 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:13,113 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: setting timed terminal event at 27240.0
2025-09-14 21:59:13,121 sats.satellite.Scanner-1       INFO       <27240.00> Scanner-1: timed termination at 27240.0 for action_desat
2025-09-14 21:59:13,122 data.base                      INFO       <27240.00> Total reward: {}
2025-09-14 21:59:13,122 comm.communication             INFO       <27240.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,123 sats.satellite.Scanner-1       INFO       <27240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,124 gym                            INFO       <27240.00> Step reward: 0.0
2025-09-14 21:59:13,125 gym                            INFO       <27240.00> === STARTING STEP ===
2025-09-14 21:59:13,126 sats.satellite.Scanner-1       INFO       <27240.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:13,127 sats.satellite.Scanner-1       INFO       <27240.00> Scanner-1: setting timed terminal event at 27360.0
2025-09-14 21:59:13,143 sats.satellite.Scanner-1       INFO       <27360.00> Scanner-1: timed termination at 27360.0 for action_charge
2025-09-14 21:59:13,143 data.base                      INFO       <27360.00> Total reward: {}
2025-09-14 21:59:13,144 comm.communication             INFO       <27360.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,144 sats.satellite.Scanner-1       INFO       <27360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,146 gym                            INFO       <27360.00> Step reward: 0.0
2025-09-14 21:59:13,147 gym                            INFO       <27360.00> === STARTING STEP ===
2025-09-14 21:59:13,148 sats.satellite.Scanner-1       INFO       <27360.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:13,148 sats.satellite.Scanner-1       INFO       <27360.00> Scanner-1: setting timed terminal event at 27540.0
2025-09-14 21:59:13,168 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: timed termination at 27540.0 for action_nadir_scan
2025-09-14 21:59:13,169 data.base                      INFO       <27540.00> Total reward: {'Scanner-1': 0.005578947368421052}
2025-09-14 21:59:13,169 comm.communication             INFO       <27540.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,170 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,172 gym                            INFO       <27540.00> Step reward: 0.005578947368421052
2025-09-14 21:59:13,172 gym                            INFO       <27540.00> === STARTING STEP ===
2025-09-14 21:59:13,173 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:13,173 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: setting timed terminal event at 27600.0
2025-09-14 21:59:13,183 sats.satellite.Scanner-1       INFO       <27600.00> Scanner-1: timed termination at 27600.0 for action_desat
2025-09-14 21:59:13,183 data.base                      INFO       <27600.00> Total reward: {}
2025-09-14 21:59:13,184 comm.communication             INFO       <27600.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,184 sats.satellite.Scanner-1       INFO       <27600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,186 gym                            INFO       <27600.00> Step reward: 0.0
2025-09-14 21:59:13,187 gym                            INFO       <27600.00> === STARTING STEP ===
2025-09-14 21:59:13,188 sats.satellite.Scanner-1       INFO       <27600.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:13,188 sats.satellite.Scanner-1       INFO       <27600.00> Scanner-1: setting timed terminal event at 27720.0
2025-09-14 21:59:13,202 sats.satellite.Scanner-1       INFO       <27720.00> Scanner-1: timed termination at 27720.0 for action_charge
2025-09-14 21:59:13,203 data.base                      INFO       <27720.00> Total reward: {}
2025-09-14 21:59:13,203 comm.communication             INFO       <27720.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,203 sats.satellite.Scanner-1       INFO       <27720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,205 gym                            INFO       <27720.00> Step reward: 0.0
2025-09-14 21:59:13,206 gym                            INFO       <27720.00> === STARTING STEP ===
2025-09-14 21:59:13,207 sats.satellite.Scanner-1       INFO       <27720.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:13,207 sats.satellite.Scanner-1       INFO       <27720.00> Scanner-1: setting timed terminal event at 27780.0
2025-09-14 21:59:13,215 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: timed termination at 27780.0 for action_desat
2025-09-14 21:59:13,216 data.base                      INFO       <27780.00> Total reward: {}
2025-09-14 21:59:13,216 comm.communication             INFO       <27780.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,218 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,219 gym                            INFO       <27780.00> Step reward: 0.0
2025-09-14 21:59:13,220 gym                            INFO       <27780.00> === STARTING STEP ===
2025-09-14 21:59:13,220 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-14 21:59:13,221 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: setting timed terminal event at 27960.0
2025-09-14 21:59:13,241 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: timed termination at 27960.0 for action_nadir_scan
2025-09-14 21:59:13,242 data.base                      INFO       <27960.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-09-14 21:59:13,242 comm.communication             INFO       <27960.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,243 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,245 gym                            INFO       <27960.00> Step reward: 0.00487719298245614
2025-09-14 21:59:13,246 gym                            INFO       <27960.00> === STARTING STEP ===
2025-09-14 21:59:13,246 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-14 21:59:13,247 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: setting timed terminal event at 28020.0
2025-09-14 21:59:13,255 sats.satellite.Scanner-1       INFO       <28020.00> Scanner-1: timed termination at 28020.0 for action_downlink
2025-09-14 21:59:13,255 data.base                      INFO       <28020.00> Total reward: {}
2025-09-14 21:59:13,256 comm.communication             INFO       <28020.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,256 sats.satellite.Scanner-1       INFO       <28020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,259 gym                            INFO       <28020.00> Step reward: 0.0
2025-09-14 21:59:13,260 gym                            INFO       <28020.00> === STARTING STEP ===
2025-09-14 21:59:13,260 sats.satellite.Scanner-1       INFO       <28020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:13,261 sats.satellite.Scanner-1       INFO       <28020.00> Scanner-1: setting timed terminal event at 28140.0
2025-09-14 21:59:13,277 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: timed termination at 28140.0 for action_charge
2025-09-14 21:59:13,277 data.base                      INFO       <28140.00> Total reward: {}
2025-09-14 21:59:13,278 comm.communication             INFO       <28140.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,278 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,280 gym                            INFO       <28140.00> Step reward: 0.0
2025-09-14 21:59:13,281 gym                            INFO       <28140.00> === STARTING STEP ===
2025-09-14 21:59:13,281 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:13,282 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: setting timed terminal event at 28260.0
2025-09-14 21:59:13,297 sats.satellite.Scanner-1       INFO       <28260.00> Scanner-1: timed termination at 28260.0 for action_charge
2025-09-14 21:59:13,297 data.base                      INFO       <28260.00> Total reward: {}
2025-09-14 21:59:13,298 comm.communication             INFO       <28260.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,298 sats.satellite.Scanner-1       INFO       <28260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,300 gym                            INFO       <28260.00> Step reward: 0.0
2025-09-14 21:59:13,301 gym                            INFO       <28260.00> === STARTING STEP ===
2025-09-14 21:59:13,301 sats.satellite.Scanner-1       INFO       <28260.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:13,302 sats.satellite.Scanner-1       INFO       <28260.00> Scanner-1: setting timed terminal event at 28380.0
2025-09-14 21:59:13,318 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: timed termination at 28380.0 for action_charge
2025-09-14 21:59:13,319 data.base                      INFO       <28380.00> Total reward: {}
2025-09-14 21:59:13,319 comm.communication             INFO       <28380.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,320 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,322 gym                            INFO       <28380.00> Step reward: 0.0
2025-09-14 21:59:13,322 gym                            INFO       <28380.00> === STARTING STEP ===
2025-09-14 21:59:13,323 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-14 21:59:13,323 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: setting timed terminal event at 28440.0
2025-09-14 21:59:13,332 sats.satellite.Scanner-1       INFO       <28440.00> Scanner-1: timed termination at 28440.0 for action_desat
2025-09-14 21:59:13,333 data.base                      INFO       <28440.00> Total reward: {}
2025-09-14 21:59:13,334 comm.communication             INFO       <28440.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,334 sats.satellite.Scanner-1       INFO       <28440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-14 21:59:13,336 gym                            INFO       <28440.00> Step reward: 0.0
2025-09-14 21:59:13,337 gym                            INFO       <28440.00> === STARTING STEP ===
2025-09-14 21:59:13,337 sats.satellite.Scanner-1       INFO       <28440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-14 21:59:13,338 sats.satellite.Scanner-1       INFO       <28440.00> Scanner-1: setting timed terminal event at 28560.0
2025-09-14 21:59:13,346 data.base                      INFO       <28500.00> Total reward: {}
2025-09-14 21:59:13,346 comm.communication             INFO       <28500.00> Optimizing data communication between all pairs of satellites
2025-09-14 21:59:13,348 gym                            INFO       <28500.00> Step reward: 0.0
2025-09-14 21:59:13,349 gym                            INFO       <28500.00> Episode terminated: True
2025-09-14 21:59:13,349 gym                            INFO       <28500.00> Episode truncated: True