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-11-05 22:48:51,223 INFO worker.py:1783 -- Started a local Ray instance.
2025-11-05 22:48:54,798 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.14/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.14/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.14/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-11-05 22:49:34
Running for: 00:00:39.79
Memory: 4.6/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_9b62c_00000TERMINATED10.1.0.225:5256 10 24.32722500112500
(PPO pid=5256) Install gputil for GPU system monitoring.
(SingleAgentEnvRunner pid=5304) 2025-11-05 22:49:10,458 sats.satellite.Scanner-1       WARNING    <2580.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_9b62c_00000{'reward_per_orbit': np.float64(0.054666666666666676), 'orbits_complete': np.float64(5.0), 'episode_len_mean': 259.5, 'num_episodes': 1, 'episode_len_min': 230, 'num_agent_steps_sampled': {'default_agent': 250}, 'num_module_steps_sampled_lifetime': {'default_policy': 13750}, 'num_module_steps_sampled': {'default_policy': 250}, 'module_episode_returns_mean': {'default_policy': -0.19417543859649122}, 'agent_episode_returns_mean': {'default_agent': -0.19417543859649122}, 'battery_status_valid': np.float64(1.0), 'num_agent_steps_sampled_lifetime': {'default_agent': 13750}, 'reward': np.float64(0.2733333333333334), 'orbits_complete_partial_only': nan, 'alive': np.float64(1.0), 'sample': np.float64(1.4043596339305755), 'episode_return_min': -0.6616842105263158, 'episode_duration_sec_mean': 7.330150080500005, 'num_env_steps_sampled_lifetime': 25000, 'episode_len_max': 289, 'rw_status_valid': np.float64(1.0), 'episode_return_max': 0.2733333333333333, 'episode_return_mean': -0.19417543859649122, 'num_env_steps_sampled': 250, 'time_between_sampling': np.float64(0.26798197330231055)}{'num_healthy_workers': 2, 'num_in_flight_async_reqs': 0, 'num_remote_worker_restarts': 0}{'default_policy': {'entropy': 1.3620426654815674, 'vf_explained_var': 0.9826144576072693, 'vf_loss_unclipped': 0.0009316833456978202, 'mean_kl_loss': 0.0, 'gradients_default_optimizer_global_norm': 0.28171345591545105, 'num_module_steps_trained': 250, 'num_trainable_parameters': 139525.0, 'policy_loss': -0.2292603999376297, 'default_optimizer_learning_rate': 3e-05, 'curr_entropy_coeff': 0.0, 'total_loss': -0.22832870483398438, 'vf_loss': 0.0009316833456978202, 'num_non_trainable_parameters': 0.0}, '__all_modules__': {'num_non_trainable_parameters': 0.0, 'num_module_steps_trained': 250, 'num_trainable_parameters': 139525.0, 'total_loss': -0.22832870483398438, 'num_env_steps_trained': 250}}{'default_agent': 2500} 2500 2500 11{'cpu_util_percent': np.float64(31.557142857142857), 'ram_util_percent': np.float64(29.099999999999998)}{'env_runner_sampling_timer': 1.6015337034824189, 'learner_update_timer': 0.1136348747074412, 'synch_weights': 0.006409522547706786, 'synch_env_connectors': 0.005803709346064441}
(SingleAgentEnvRunner pid=5304) 2025-11-05 22:49:13,342 sats.satellite.Scanner-1       WARNING    <28500.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5304) 2025-11-05 22:49:14,690 sats.satellite.Scanner-1       WARNING    <12420.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5305) 2025-11-05 22:49:19,130 sats.satellite.Scanner-1       WARNING    <23280.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5304) 2025-11-05 22:49:20,052 sats.satellite.Scanner-1       WARNING    <20160.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5304) 2025-11-05 22:49:21,109 sats.satellite.Scanner-1       WARNING    <8280.00> Scanner-1: failed battery_valid check
2025-11-05 22:49:34,619 INFO tune.py:1009 -- Wrote the latest version of all result files and experiment state to '/home/runner/ray_results/PPO_2025-11-05_22-48-54' in 0.0217s.
(PPO pid=5256) Checkpoint successfully created at: Checkpoint(filesystem=local, path=/home/runner/ray_results/PPO_2025-11-05_22-48-54/PPO_SatelliteTasking-RLlib_9b62c_00000_0_2025-11-05_22-48-54/checkpoint_000000)
(SingleAgentEnvRunner pid=5305) 2025-11-05 22:49:21,651 sats.satellite.Scanner-1       WARNING    <25260.00> Scanner-1: failed battery_valid check
2025-11-05 22:49:35,342 INFO tune.py:1041 -- Total run time: 40.54 seconds (39.77 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-11-05 22:49:36,740 gym                            INFO       Resetting environment with seed=3603874166
2025-11-05 22:49:36,831 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: Finding opportunity windows from 0.00 to 28800.00 seconds
2025-11-05 22:49:36,877 gym                            INFO       <0.00> Environment reset
2025-11-05 22:49:36,877 gym                            INFO       <0.00> === STARTING STEP ===
2025-11-05 22:49:36,878 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:36,879 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: setting timed terminal event at 180.0
2025-11-05 22:49:36,891 sats.satellite.Scanner-1       INFO       <180.00> Scanner-1: timed termination at 180.0 for action_nadir_scan
2025-11-05 22:49:36,891 data.base                      INFO       <180.00> Total reward: {'Scanner-1': 0.0048070175438596485}
2025-11-05 22:49:36,892 comm.communication             INFO       <180.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:36,892 sats.satellite.Scanner-1       INFO       <180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:36,894 gym                            INFO       <180.00> Step reward: 0.0048070175438596485
2025-11-05 22:49:36,895 gym                            INFO       <180.00> === STARTING STEP ===
2025-11-05 22:49:36,896 sats.satellite.Scanner-1       INFO       <180.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:36,896 sats.satellite.Scanner-1       INFO       <180.00> Scanner-1: setting timed terminal event at 240.0
2025-11-05 22:49:36,901 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: timed termination at 240.0 for action_desat
2025-11-05 22:49:36,902 data.base                      INFO       <240.00> Total reward: {}
2025-11-05 22:49:36,903 comm.communication             INFO       <240.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:36,903 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:36,905 gym                            INFO       <240.00> Step reward: 0.0
2025-11-05 22:49:36,906 gym                            INFO       <240.00> === STARTING STEP ===
2025-11-05 22:49:36,906 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:36,907 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: setting timed terminal event at 300.0
2025-11-05 22:49:36,911 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: timed termination at 300.0 for action_downlink
2025-11-05 22:49:36,912 data.base                      INFO       <300.00> Total reward: {}
2025-11-05 22:49:36,912 comm.communication             INFO       <300.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:36,913 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:36,915 gym                            INFO       <300.00> Step reward: 0.0
2025-11-05 22:49:36,916 gym                            INFO       <300.00> === STARTING STEP ===
2025-11-05 22:49:36,916 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:36,916 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: setting timed terminal event at 360.0
2025-11-05 22:49:36,921 sats.satellite.Scanner-1       INFO       <360.00> Scanner-1: timed termination at 360.0 for action_downlink
2025-11-05 22:49:36,922 data.base                      INFO       <360.00> Total reward: {}
2025-11-05 22:49:36,922 comm.communication             INFO       <360.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:36,923 sats.satellite.Scanner-1       INFO       <360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:36,924 gym                            INFO       <360.00> Step reward: 0.0
2025-11-05 22:49:36,925 gym                            INFO       <360.00> === STARTING STEP ===
2025-11-05 22:49:36,926 sats.satellite.Scanner-1       INFO       <360.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:36,926 sats.satellite.Scanner-1       INFO       <360.00> Scanner-1: setting timed terminal event at 540.0
2025-11-05 22:49:36,937 sats.satellite.Scanner-1       INFO       <540.00> Scanner-1: timed termination at 540.0 for action_nadir_scan
2025-11-05 22:49:36,938 data.base                      INFO       <540.00> Total reward: {'Scanner-1': 0.0036491228070175434}
2025-11-05 22:49:36,938 comm.communication             INFO       <540.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:36,939 sats.satellite.Scanner-1       INFO       <540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:36,941 gym                            INFO       <540.00> Step reward: 0.0036491228070175434
2025-11-05 22:49:36,941 gym                            INFO       <540.00> === STARTING STEP ===
2025-11-05 22:49:36,942 sats.satellite.Scanner-1       INFO       <540.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:36,943 sats.satellite.Scanner-1       INFO       <540.00> Scanner-1: setting timed terminal event at 600.0
2025-11-05 22:49:36,948 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: timed termination at 600.0 for action_desat
2025-11-05 22:49:36,948 data.base                      INFO       <600.00> Total reward: {}
2025-11-05 22:49:36,948 comm.communication             INFO       <600.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:36,949 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:36,951 gym                            INFO       <600.00> Step reward: 0.0
2025-11-05 22:49:36,951 gym                            INFO       <600.00> === STARTING STEP ===
2025-11-05 22:49:36,952 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:36,952 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: setting timed terminal event at 720.0
2025-11-05 22:49:36,960 sats.satellite.Scanner-1       INFO       <720.00> Scanner-1: timed termination at 720.0 for action_charge
2025-11-05 22:49:36,961 data.base                      INFO       <720.00> Total reward: {}
2025-11-05 22:49:36,961 comm.communication             INFO       <720.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:36,962 sats.satellite.Scanner-1       INFO       <720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:36,964 gym                            INFO       <720.00> Step reward: 0.0
2025-11-05 22:49:36,964 gym                            INFO       <720.00> === STARTING STEP ===
2025-11-05 22:49:36,965 sats.satellite.Scanner-1       INFO       <720.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:36,966 sats.satellite.Scanner-1       INFO       <720.00> Scanner-1: setting timed terminal event at 780.0
2025-11-05 22:49:36,971 sats.satellite.Scanner-1       INFO       <780.00> Scanner-1: timed termination at 780.0 for action_downlink
2025-11-05 22:49:36,971 data.base                      INFO       <780.00> Total reward: {}
2025-11-05 22:49:36,972 comm.communication             INFO       <780.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:36,972 sats.satellite.Scanner-1       INFO       <780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:36,974 gym                            INFO       <780.00> Step reward: 0.0
2025-11-05 22:49:36,975 gym                            INFO       <780.00> === STARTING STEP ===
2025-11-05 22:49:36,975 sats.satellite.Scanner-1       INFO       <780.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:36,976 sats.satellite.Scanner-1       INFO       <780.00> Scanner-1: setting timed terminal event at 960.0
2025-11-05 22:49:36,987 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: timed termination at 960.0 for action_nadir_scan
2025-11-05 22:49:36,987 data.base                      INFO       <960.00> Total reward: {'Scanner-1': 0.003087719298245614}
2025-11-05 22:49:36,988 comm.communication             INFO       <960.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:36,989 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:36,991 gym                            INFO       <960.00> Step reward: 0.003087719298245614
2025-11-05 22:49:36,991 gym                            INFO       <960.00> === STARTING STEP ===
2025-11-05 22:49:36,992 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:36,992 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: setting timed terminal event at 1020.0
2025-11-05 22:49:36,997 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: timed termination at 1020.0 for action_downlink
2025-11-05 22:49:36,997 data.base                      INFO       <1020.00> Total reward: {}
2025-11-05 22:49:36,998 comm.communication             INFO       <1020.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:36,998 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,001 gym                            INFO       <1020.00> Step reward: 0.0
2025-11-05 22:49:37,001 gym                            INFO       <1020.00> === STARTING STEP ===
2025-11-05 22:49:37,002 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,002 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: setting timed terminal event at 1080.0
2025-11-05 22:49:37,007 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: timed termination at 1080.0 for action_downlink
2025-11-05 22:49:37,008 data.base                      INFO       <1080.00> Total reward: {}
2025-11-05 22:49:37,008 comm.communication             INFO       <1080.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,009 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,011 gym                            INFO       <1080.00> Step reward: 0.0
2025-11-05 22:49:37,011 gym                            INFO       <1080.00> === STARTING STEP ===
2025-11-05 22:49:37,012 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,012 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: setting timed terminal event at 1140.0
2025-11-05 22:49:37,017 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: timed termination at 1140.0 for action_downlink
2025-11-05 22:49:37,017 data.base                      INFO       <1140.00> Total reward: {}
2025-11-05 22:49:37,018 comm.communication             INFO       <1140.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,018 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,020 gym                            INFO       <1140.00> Step reward: 0.0
2025-11-05 22:49:37,020 gym                            INFO       <1140.00> === STARTING STEP ===
2025-11-05 22:49:37,021 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,022 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: setting timed terminal event at 1200.0
2025-11-05 22:49:37,026 sats.satellite.Scanner-1       INFO       <1200.00> Scanner-1: timed termination at 1200.0 for action_downlink
2025-11-05 22:49:37,027 data.base                      INFO       <1200.00> Total reward: {}
2025-11-05 22:49:37,027 comm.communication             INFO       <1200.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,028 sats.satellite.Scanner-1       INFO       <1200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,030 gym                            INFO       <1200.00> Step reward: 0.0
2025-11-05 22:49:37,030 gym                            INFO       <1200.00> === STARTING STEP ===
2025-11-05 22:49:37,031 sats.satellite.Scanner-1       INFO       <1200.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,031 sats.satellite.Scanner-1       INFO       <1200.00> Scanner-1: setting timed terminal event at 1320.0
2025-11-05 22:49:37,039 sats.satellite.Scanner-1       INFO       <1320.00> Scanner-1: timed termination at 1320.0 for action_charge
2025-11-05 22:49:37,040 data.base                      INFO       <1320.00> Total reward: {}
2025-11-05 22:49:37,040 comm.communication             INFO       <1320.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,041 sats.satellite.Scanner-1       INFO       <1320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,043 gym                            INFO       <1320.00> Step reward: 0.0
2025-11-05 22:49:37,043 gym                            INFO       <1320.00> === STARTING STEP ===
2025-11-05 22:49:37,044 sats.satellite.Scanner-1       INFO       <1320.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,044 sats.satellite.Scanner-1       INFO       <1320.00> Scanner-1: setting timed terminal event at 1380.0
2025-11-05 22:49:37,049 sats.satellite.Scanner-1       INFO       <1380.00> Scanner-1: timed termination at 1380.0 for action_downlink
2025-11-05 22:49:37,050 data.base                      INFO       <1380.00> Total reward: {}
2025-11-05 22:49:37,050 comm.communication             INFO       <1380.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,050 sats.satellite.Scanner-1       INFO       <1380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,052 gym                            INFO       <1380.00> Step reward: 0.0
2025-11-05 22:49:37,053 gym                            INFO       <1380.00> === STARTING STEP ===
2025-11-05 22:49:37,053 sats.satellite.Scanner-1       INFO       <1380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,054 sats.satellite.Scanner-1       INFO       <1380.00> Scanner-1: setting timed terminal event at 1440.0
2025-11-05 22:49:37,059 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: timed termination at 1440.0 for action_desat
2025-11-05 22:49:37,059 data.base                      INFO       <1440.00> Total reward: {}
2025-11-05 22:49:37,060 comm.communication             INFO       <1440.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,060 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,062 gym                            INFO       <1440.00> Step reward: 0.0
2025-11-05 22:49:37,063 gym                            INFO       <1440.00> === STARTING STEP ===
2025-11-05 22:49:37,064 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,064 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: setting timed terminal event at 1560.0
2025-11-05 22:49:37,072 sats.satellite.Scanner-1       INFO       <1560.00> Scanner-1: timed termination at 1560.0 for action_charge
2025-11-05 22:49:37,073 data.base                      INFO       <1560.00> Total reward: {}
2025-11-05 22:49:37,073 comm.communication             INFO       <1560.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,074 sats.satellite.Scanner-1       INFO       <1560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,075 gym                            INFO       <1560.00> Step reward: 0.0
2025-11-05 22:49:37,076 gym                            INFO       <1560.00> === STARTING STEP ===
2025-11-05 22:49:37,077 sats.satellite.Scanner-1       INFO       <1560.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,077 sats.satellite.Scanner-1       INFO       <1560.00> Scanner-1: setting timed terminal event at 1620.0
2025-11-05 22:49:37,082 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: timed termination at 1620.0 for action_downlink
2025-11-05 22:49:37,082 data.base                      INFO       <1620.00> Total reward: {}
2025-11-05 22:49:37,083 comm.communication             INFO       <1620.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,083 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,085 gym                            INFO       <1620.00> Step reward: 0.0
2025-11-05 22:49:37,085 gym                            INFO       <1620.00> === STARTING STEP ===
2025-11-05 22:49:37,086 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,087 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: setting timed terminal event at 1680.0
2025-11-05 22:49:37,092 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: timed termination at 1680.0 for action_desat
2025-11-05 22:49:37,092 data.base                      INFO       <1680.00> Total reward: {}
2025-11-05 22:49:37,092 comm.communication             INFO       <1680.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,093 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,095 gym                            INFO       <1680.00> Step reward: 0.0
2025-11-05 22:49:37,095 gym                            INFO       <1680.00> === STARTING STEP ===
2025-11-05 22:49:37,096 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,097 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: setting timed terminal event at 1860.0
2025-11-05 22:49:37,108 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: timed termination at 1860.0 for action_nadir_scan
2025-11-05 22:49:37,108 data.base                      INFO       <1860.00> Total reward: {'Scanner-1': 0.0032280701754385964}
2025-11-05 22:49:37,109 comm.communication             INFO       <1860.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,109 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,111 gym                            INFO       <1860.00> Step reward: 0.0032280701754385964
2025-11-05 22:49:37,111 gym                            INFO       <1860.00> === STARTING STEP ===
2025-11-05 22:49:37,112 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,112 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: setting timed terminal event at 1980.0
2025-11-05 22:49:37,120 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: timed termination at 1980.0 for action_charge
2025-11-05 22:49:37,120 data.base                      INFO       <1980.00> Total reward: {}
2025-11-05 22:49:37,121 comm.communication             INFO       <1980.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,121 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,123 gym                            INFO       <1980.00> Step reward: 0.0
2025-11-05 22:49:37,124 gym                            INFO       <1980.00> === STARTING STEP ===
2025-11-05 22:49:37,124 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,125 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: setting timed terminal event at 2100.0
2025-11-05 22:49:37,133 sats.satellite.Scanner-1       INFO       <2100.00> Scanner-1: timed termination at 2100.0 for action_charge
2025-11-05 22:49:37,133 data.base                      INFO       <2100.00> Total reward: {}
2025-11-05 22:49:37,134 comm.communication             INFO       <2100.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,134 sats.satellite.Scanner-1       INFO       <2100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,136 gym                            INFO       <2100.00> Step reward: 0.0
2025-11-05 22:49:37,137 gym                            INFO       <2100.00> === STARTING STEP ===
2025-11-05 22:49:37,137 sats.satellite.Scanner-1       INFO       <2100.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,138 sats.satellite.Scanner-1       INFO       <2100.00> Scanner-1: setting timed terminal event at 2160.0
2025-11-05 22:49:37,143 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: timed termination at 2160.0 for action_downlink
2025-11-05 22:49:37,143 data.base                      INFO       <2160.00> Total reward: {}
2025-11-05 22:49:37,144 comm.communication             INFO       <2160.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,144 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,146 gym                            INFO       <2160.00> Step reward: 0.0
2025-11-05 22:49:37,146 gym                            INFO       <2160.00> === STARTING STEP ===
2025-11-05 22:49:37,147 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,147 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: setting timed terminal event at 2280.0
2025-11-05 22:49:37,155 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: timed termination at 2280.0 for action_charge
2025-11-05 22:49:37,156 data.base                      INFO       <2280.00> Total reward: {}
2025-11-05 22:49:37,156 comm.communication             INFO       <2280.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,157 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,158 gym                            INFO       <2280.00> Step reward: 0.0
2025-11-05 22:49:37,159 gym                            INFO       <2280.00> === STARTING STEP ===
2025-11-05 22:49:37,160 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,160 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: setting timed terminal event at 2340.0
2025-11-05 22:49:37,165 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: timed termination at 2340.0 for action_desat
2025-11-05 22:49:37,165 data.base                      INFO       <2340.00> Total reward: {}
2025-11-05 22:49:37,166 comm.communication             INFO       <2340.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,167 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,168 gym                            INFO       <2340.00> Step reward: 0.0
2025-11-05 22:49:37,169 gym                            INFO       <2340.00> === STARTING STEP ===
2025-11-05 22:49:37,170 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,170 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: setting timed terminal event at 2520.0
2025-11-05 22:49:37,181 sats.satellite.Scanner-1       INFO       <2520.00> Scanner-1: timed termination at 2520.0 for action_nadir_scan
2025-11-05 22:49:37,182 data.base                      INFO       <2520.00> Total reward: {'Scanner-1': 0.003508771929824561}
2025-11-05 22:49:37,182 comm.communication             INFO       <2520.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,183 sats.satellite.Scanner-1       INFO       <2520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,184 gym                            INFO       <2520.00> Step reward: 0.003508771929824561
2025-11-05 22:49:37,185 gym                            INFO       <2520.00> === STARTING STEP ===
2025-11-05 22:49:37,185 sats.satellite.Scanner-1       INFO       <2520.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,186 sats.satellite.Scanner-1       INFO       <2520.00> Scanner-1: setting timed terminal event at 2700.0
2025-11-05 22:49:37,197 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: timed termination at 2700.0 for action_nadir_scan
2025-11-05 22:49:37,198 data.base                      INFO       <2700.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:37,198 comm.communication             INFO       <2700.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,198 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,200 gym                            INFO       <2700.00> Step reward: 0.00631578947368421
2025-11-05 22:49:37,201 gym                            INFO       <2700.00> === STARTING STEP ===
2025-11-05 22:49:37,202 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,202 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: setting timed terminal event at 2820.0
2025-11-05 22:49:37,210 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: timed termination at 2820.0 for action_charge
2025-11-05 22:49:37,210 data.base                      INFO       <2820.00> Total reward: {}
2025-11-05 22:49:37,211 comm.communication             INFO       <2820.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,211 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,213 gym                            INFO       <2820.00> Step reward: 0.0
2025-11-05 22:49:37,214 gym                            INFO       <2820.00> === STARTING STEP ===
2025-11-05 22:49:37,214 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,215 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: setting timed terminal event at 2880.0
2025-11-05 22:49:37,220 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: timed termination at 2880.0 for action_downlink
2025-11-05 22:49:37,220 data.base                      INFO       <2880.00> Total reward: {}
2025-11-05 22:49:37,221 comm.communication             INFO       <2880.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,221 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,223 gym                            INFO       <2880.00> Step reward: 0.0
2025-11-05 22:49:37,224 gym                            INFO       <2880.00> === STARTING STEP ===
2025-11-05 22:49:37,224 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,225 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: setting timed terminal event at 2940.0
2025-11-05 22:49:37,229 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: timed termination at 2940.0 for action_downlink
2025-11-05 22:49:37,230 data.base                      INFO       <2940.00> Total reward: {}
2025-11-05 22:49:37,230 comm.communication             INFO       <2940.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,231 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,233 gym                            INFO       <2940.00> Step reward: 0.0
2025-11-05 22:49:37,233 gym                            INFO       <2940.00> === STARTING STEP ===
2025-11-05 22:49:37,234 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,234 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: setting timed terminal event at 3000.0
2025-11-05 22:49:37,240 sats.satellite.Scanner-1       INFO       <3000.00> Scanner-1: timed termination at 3000.0 for action_desat
2025-11-05 22:49:37,240 data.base                      INFO       <3000.00> Total reward: {}
2025-11-05 22:49:37,240 comm.communication             INFO       <3000.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,241 sats.satellite.Scanner-1       INFO       <3000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,243 gym                            INFO       <3000.00> Step reward: 0.0
2025-11-05 22:49:37,244 gym                            INFO       <3000.00> === STARTING STEP ===
2025-11-05 22:49:37,244 sats.satellite.Scanner-1       INFO       <3000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,244 sats.satellite.Scanner-1       INFO       <3000.00> Scanner-1: setting timed terminal event at 3180.0
2025-11-05 22:49:37,256 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: timed termination at 3180.0 for action_nadir_scan
2025-11-05 22:49:37,256 data.base                      INFO       <3180.00> Total reward: {'Scanner-1': 0.004771929824561403}
2025-11-05 22:49:37,257 comm.communication             INFO       <3180.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,257 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,259 gym                            INFO       <3180.00> Step reward: 0.004771929824561403
2025-11-05 22:49:37,260 gym                            INFO       <3180.00> === STARTING STEP ===
2025-11-05 22:49:37,260 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,261 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: setting timed terminal event at 3240.0
2025-11-05 22:49:37,266 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: timed termination at 3240.0 for action_desat
2025-11-05 22:49:37,267 data.base                      INFO       <3240.00> Total reward: {}
2025-11-05 22:49:37,267 comm.communication             INFO       <3240.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,268 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,270 gym                            INFO       <3240.00> Step reward: 0.0
2025-11-05 22:49:37,270 gym                            INFO       <3240.00> === STARTING STEP ===
2025-11-05 22:49:37,271 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,271 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: setting timed terminal event at 3420.0
2025-11-05 22:49:37,283 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: timed termination at 3420.0 for action_nadir_scan
2025-11-05 22:49:37,284 data.base                      INFO       <3420.00> Total reward: {'Scanner-1': 0.0048070175438596485}
2025-11-05 22:49:37,284 comm.communication             INFO       <3420.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,285 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,286 gym                            INFO       <3420.00> Step reward: 0.0048070175438596485
2025-11-05 22:49:37,287 gym                            INFO       <3420.00> === STARTING STEP ===
2025-11-05 22:49:37,288 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,288 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: setting timed terminal event at 3480.0
2025-11-05 22:49:37,293 sats.satellite.Scanner-1       INFO       <3480.00> Scanner-1: timed termination at 3480.0 for action_desat
2025-11-05 22:49:37,294 data.base                      INFO       <3480.00> Total reward: {}
2025-11-05 22:49:37,294 comm.communication             INFO       <3480.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,295 sats.satellite.Scanner-1       INFO       <3480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,296 gym                            INFO       <3480.00> Step reward: 0.0
2025-11-05 22:49:37,297 gym                            INFO       <3480.00> === STARTING STEP ===
2025-11-05 22:49:37,297 sats.satellite.Scanner-1       INFO       <3480.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,298 sats.satellite.Scanner-1       INFO       <3480.00> Scanner-1: setting timed terminal event at 3540.0
2025-11-05 22:49:37,303 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: timed termination at 3540.0 for action_desat
2025-11-05 22:49:37,304 data.base                      INFO       <3540.00> Total reward: {}
2025-11-05 22:49:37,305 comm.communication             INFO       <3540.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,305 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,307 gym                            INFO       <3540.00> Step reward: 0.0
2025-11-05 22:49:37,308 gym                            INFO       <3540.00> === STARTING STEP ===
2025-11-05 22:49:37,308 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,309 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: setting timed terminal event at 3600.0
2025-11-05 22:49:37,314 sats.satellite.Scanner-1       INFO       <3600.00> Scanner-1: timed termination at 3600.0 for action_desat
2025-11-05 22:49:37,314 data.base                      INFO       <3600.00> Total reward: {}
2025-11-05 22:49:37,315 comm.communication             INFO       <3600.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,315 sats.satellite.Scanner-1       INFO       <3600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,317 gym                            INFO       <3600.00> Step reward: 0.0
2025-11-05 22:49:37,318 gym                            INFO       <3600.00> === STARTING STEP ===
2025-11-05 22:49:37,319 sats.satellite.Scanner-1       INFO       <3600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,319 sats.satellite.Scanner-1       INFO       <3600.00> Scanner-1: setting timed terminal event at 3660.0
2025-11-05 22:49:37,325 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: timed termination at 3660.0 for action_desat
2025-11-05 22:49:37,325 data.base                      INFO       <3660.00> Total reward: {}
2025-11-05 22:49:37,326 comm.communication             INFO       <3660.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,326 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,329 gym                            INFO       <3660.00> Step reward: 0.0
2025-11-05 22:49:37,329 gym                            INFO       <3660.00> === STARTING STEP ===
2025-11-05 22:49:37,330 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,331 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: setting timed terminal event at 3720.0
2025-11-05 22:49:37,335 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: timed termination at 3720.0 for action_desat
2025-11-05 22:49:37,336 data.base                      INFO       <3720.00> Total reward: {}
2025-11-05 22:49:37,336 comm.communication             INFO       <3720.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,337 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,339 gym                            INFO       <3720.00> Step reward: 0.0
2025-11-05 22:49:37,340 gym                            INFO       <3720.00> === STARTING STEP ===
2025-11-05 22:49:37,340 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,340 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: setting timed terminal event at 3780.0
2025-11-05 22:49:37,345 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: timed termination at 3780.0 for action_downlink
2025-11-05 22:49:37,346 data.base                      INFO       <3780.00> Total reward: {}
2025-11-05 22:49:37,346 comm.communication             INFO       <3780.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,347 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,349 gym                            INFO       <3780.00> Step reward: 0.0
2025-11-05 22:49:37,349 gym                            INFO       <3780.00> === STARTING STEP ===
2025-11-05 22:49:37,350 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,351 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: setting timed terminal event at 3840.0
2025-11-05 22:49:37,355 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: timed termination at 3840.0 for action_desat
2025-11-05 22:49:37,356 data.base                      INFO       <3840.00> Total reward: {}
2025-11-05 22:49:37,356 comm.communication             INFO       <3840.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,357 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,359 gym                            INFO       <3840.00> Step reward: 0.0
2025-11-05 22:49:37,359 gym                            INFO       <3840.00> === STARTING STEP ===
2025-11-05 22:49:37,360 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,360 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: setting timed terminal event at 3900.0
2025-11-05 22:49:37,366 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: timed termination at 3900.0 for action_desat
2025-11-05 22:49:37,366 data.base                      INFO       <3900.00> Total reward: {}
2025-11-05 22:49:37,366 comm.communication             INFO       <3900.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,367 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,369 gym                            INFO       <3900.00> Step reward: 0.0
2025-11-05 22:49:37,369 gym                            INFO       <3900.00> === STARTING STEP ===
2025-11-05 22:49:37,370 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,371 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: setting timed terminal event at 3960.0
2025-11-05 22:49:37,375 sats.satellite.Scanner-1       INFO       <3960.00> Scanner-1: timed termination at 3960.0 for action_desat
2025-11-05 22:49:37,376 data.base                      INFO       <3960.00> Total reward: {}
2025-11-05 22:49:37,376 comm.communication             INFO       <3960.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,377 sats.satellite.Scanner-1       INFO       <3960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,379 gym                            INFO       <3960.00> Step reward: 0.0
2025-11-05 22:49:37,379 gym                            INFO       <3960.00> === STARTING STEP ===
2025-11-05 22:49:37,380 sats.satellite.Scanner-1       INFO       <3960.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,380 sats.satellite.Scanner-1       INFO       <3960.00> Scanner-1: setting timed terminal event at 4020.0
2025-11-05 22:49:37,385 sats.satellite.Scanner-1       INFO       <4020.00> Scanner-1: timed termination at 4020.0 for action_downlink
2025-11-05 22:49:37,386 data.base                      INFO       <4020.00> Total reward: {}
2025-11-05 22:49:37,386 comm.communication             INFO       <4020.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,387 sats.satellite.Scanner-1       INFO       <4020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,389 gym                            INFO       <4020.00> Step reward: 0.0
2025-11-05 22:49:37,389 gym                            INFO       <4020.00> === STARTING STEP ===
2025-11-05 22:49:37,390 sats.satellite.Scanner-1       INFO       <4020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,391 sats.satellite.Scanner-1       INFO       <4020.00> Scanner-1: setting timed terminal event at 4140.0
2025-11-05 22:49:37,398 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: timed termination at 4140.0 for action_charge
2025-11-05 22:49:37,399 data.base                      INFO       <4140.00> Total reward: {}
2025-11-05 22:49:37,399 comm.communication             INFO       <4140.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,400 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,402 gym                            INFO       <4140.00> Step reward: 0.0
2025-11-05 22:49:37,402 gym                            INFO       <4140.00> === STARTING STEP ===
2025-11-05 22:49:37,403 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,404 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: setting timed terminal event at 4260.0
2025-11-05 22:49:37,412 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: timed termination at 4260.0 for action_charge
2025-11-05 22:49:37,412 data.base                      INFO       <4260.00> Total reward: {}
2025-11-05 22:49:37,412 comm.communication             INFO       <4260.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,413 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,415 gym                            INFO       <4260.00> Step reward: 0.0
2025-11-05 22:49:37,415 gym                            INFO       <4260.00> === STARTING STEP ===
2025-11-05 22:49:37,416 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,416 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: setting timed terminal event at 4320.0
2025-11-05 22:49:37,421 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: timed termination at 4320.0 for action_desat
2025-11-05 22:49:37,422 data.base                      INFO       <4320.00> Total reward: {}
2025-11-05 22:49:37,422 comm.communication             INFO       <4320.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,423 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,424 gym                            INFO       <4320.00> Step reward: 0.0
2025-11-05 22:49:37,425 gym                            INFO       <4320.00> === STARTING STEP ===
2025-11-05 22:49:37,425 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,426 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: setting timed terminal event at 4500.0
2025-11-05 22:49:37,438 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: timed termination at 4500.0 for action_nadir_scan
2025-11-05 22:49:37,439 data.base                      INFO       <4500.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-11-05 22:49:37,439 comm.communication             INFO       <4500.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,439 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,441 gym                            INFO       <4500.00> Step reward: 0.004947368421052631
2025-11-05 22:49:37,442 gym                            INFO       <4500.00> === STARTING STEP ===
2025-11-05 22:49:37,443 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,444 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: setting timed terminal event at 4560.0
2025-11-05 22:49:37,448 sats.satellite.Scanner-1       INFO       <4560.00> Scanner-1: timed termination at 4560.0 for action_desat
2025-11-05 22:49:37,449 data.base                      INFO       <4560.00> Total reward: {}
2025-11-05 22:49:37,449 comm.communication             INFO       <4560.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,450 sats.satellite.Scanner-1       INFO       <4560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,452 gym                            INFO       <4560.00> Step reward: 0.0
2025-11-05 22:49:37,452 gym                            INFO       <4560.00> === STARTING STEP ===
2025-11-05 22:49:37,453 sats.satellite.Scanner-1       INFO       <4560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,454 sats.satellite.Scanner-1       INFO       <4560.00> Scanner-1: setting timed terminal event at 4620.0
2025-11-05 22:49:37,459 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: timed termination at 4620.0 for action_desat
2025-11-05 22:49:37,459 data.base                      INFO       <4620.00> Total reward: {}
2025-11-05 22:49:37,460 comm.communication             INFO       <4620.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,461 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,462 gym                            INFO       <4620.00> Step reward: 0.0
2025-11-05 22:49:37,463 gym                            INFO       <4620.00> === STARTING STEP ===
2025-11-05 22:49:37,464 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,464 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: setting timed terminal event at 4800.0
2025-11-05 22:49:37,475 sats.satellite.Scanner-1       INFO       <4800.00> Scanner-1: timed termination at 4800.0 for action_nadir_scan
2025-11-05 22:49:37,475 data.base                      INFO       <4800.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:37,476 comm.communication             INFO       <4800.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,476 sats.satellite.Scanner-1       INFO       <4800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,478 gym                            INFO       <4800.00> Step reward: 0.004912280701754385
2025-11-05 22:49:37,478 gym                            INFO       <4800.00> === STARTING STEP ===
2025-11-05 22:49:37,479 sats.satellite.Scanner-1       INFO       <4800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,480 sats.satellite.Scanner-1       INFO       <4800.00> Scanner-1: setting timed terminal event at 4920.0
2025-11-05 22:49:37,488 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: timed termination at 4920.0 for action_charge
2025-11-05 22:49:37,488 data.base                      INFO       <4920.00> Total reward: {}
2025-11-05 22:49:37,489 comm.communication             INFO       <4920.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,489 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,491 gym                            INFO       <4920.00> Step reward: 0.0
2025-11-05 22:49:37,491 gym                            INFO       <4920.00> === STARTING STEP ===
2025-11-05 22:49:37,492 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,493 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: setting timed terminal event at 4980.0
2025-11-05 22:49:37,497 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: timed termination at 4980.0 for action_desat
2025-11-05 22:49:37,498 data.base                      INFO       <4980.00> Total reward: {}
2025-11-05 22:49:37,498 comm.communication             INFO       <4980.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,499 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,501 gym                            INFO       <4980.00> Step reward: 0.0
2025-11-05 22:49:37,501 gym                            INFO       <4980.00> === STARTING STEP ===
2025-11-05 22:49:37,502 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,502 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: setting timed terminal event at 5160.0
2025-11-05 22:49:37,513 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: timed termination at 5160.0 for action_nadir_scan
2025-11-05 22:49:37,514 data.base                      INFO       <5160.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:37,514 comm.communication             INFO       <5160.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,515 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,516 gym                            INFO       <5160.00> Step reward: 0.004912280701754385
2025-11-05 22:49:37,517 gym                            INFO       <5160.00> === STARTING STEP ===
2025-11-05 22:49:37,517 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,518 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: setting timed terminal event at 5280.0
2025-11-05 22:49:37,525 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: timed termination at 5280.0 for action_charge
2025-11-05 22:49:37,526 data.base                      INFO       <5280.00> Total reward: {}
2025-11-05 22:49:37,527 comm.communication             INFO       <5280.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,527 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,529 gym                            INFO       <5280.00> Step reward: 0.0
2025-11-05 22:49:37,530 gym                            INFO       <5280.00> === STARTING STEP ===
2025-11-05 22:49:37,530 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,530 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: setting timed terminal event at 5340.0
2025-11-05 22:49:37,535 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: timed termination at 5340.0 for action_desat
2025-11-05 22:49:37,536 data.base                      INFO       <5340.00> Total reward: {}
2025-11-05 22:49:37,536 comm.communication             INFO       <5340.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,537 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,538 gym                            INFO       <5340.00> Step reward: 0.0
2025-11-05 22:49:37,539 gym                            INFO       <5340.00> === STARTING STEP ===
2025-11-05 22:49:37,540 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,541 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: setting timed terminal event at 5400.0
2025-11-05 22:49:37,545 sats.satellite.Scanner-1       INFO       <5400.00> Scanner-1: timed termination at 5400.0 for action_desat
2025-11-05 22:49:37,546 data.base                      INFO       <5400.00> Total reward: {}
2025-11-05 22:49:37,546 comm.communication             INFO       <5400.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,547 sats.satellite.Scanner-1       INFO       <5400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,549 gym                            INFO       <5400.00> Step reward: 0.0
2025-11-05 22:49:37,550 gym                            INFO       <5400.00> === STARTING STEP ===
2025-11-05 22:49:37,551 sats.satellite.Scanner-1       INFO       <5400.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,551 sats.satellite.Scanner-1       INFO       <5400.00> Scanner-1: setting timed terminal event at 5460.0
2025-11-05 22:49:37,556 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: timed termination at 5460.0 for action_downlink
2025-11-05 22:49:37,557 data.base                      INFO       <5460.00> Total reward: {}
2025-11-05 22:49:37,557 comm.communication             INFO       <5460.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,558 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,560 gym                            INFO       <5460.00> Step reward: 0.0
2025-11-05 22:49:37,561 gym                            INFO       <5460.00> === STARTING STEP ===
2025-11-05 22:49:37,561 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,562 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: setting timed terminal event at 5520.0
2025-11-05 22:49:37,570 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: timed termination at 5520.0 for action_downlink
2025-11-05 22:49:37,571 data.base                      INFO       <5520.00> Total reward: {}
2025-11-05 22:49:37,572 comm.communication             INFO       <5520.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,572 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,574 gym                            INFO       <5520.00> Step reward: 0.0
2025-11-05 22:49:37,575 gym                            INFO       <5520.00> === STARTING STEP ===
2025-11-05 22:49:37,575 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,576 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: setting timed terminal event at 5580.0
2025-11-05 22:49:37,582 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: timed termination at 5580.0 for action_desat
2025-11-05 22:49:37,583 data.base                      INFO       <5580.00> Total reward: {}
2025-11-05 22:49:37,583 comm.communication             INFO       <5580.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,584 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,586 gym                            INFO       <5580.00> Step reward: 0.0
2025-11-05 22:49:37,586 gym                            INFO       <5580.00> === STARTING STEP ===
2025-11-05 22:49:37,586 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,587 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: setting timed terminal event at 5640.0
2025-11-05 22:49:37,592 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: timed termination at 5640.0 for action_desat
2025-11-05 22:49:37,592 data.base                      INFO       <5640.00> Total reward: {}
2025-11-05 22:49:37,593 comm.communication             INFO       <5640.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,594 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,596 gym                            INFO       <5640.00> Step reward: 0.0
2025-11-05 22:49:37,596 gym                            INFO       <5640.00> === STARTING STEP ===
2025-11-05 22:49:37,597 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,597 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: setting timed terminal event at 5700.0
2025-11-05 22:49:37,602 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: timed termination at 5700.0 for action_downlink
2025-11-05 22:49:37,602 data.base                      INFO       <5700.00> Total reward: {}
2025-11-05 22:49:37,603 comm.communication             INFO       <5700.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,603 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,605 gym                            INFO       <5700.00> Step reward: 0.0
2025-11-05 22:49:37,606 gym                            INFO       <5700.00> === STARTING STEP ===
2025-11-05 22:49:37,606 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,606 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: setting timed terminal event at 5880.0
2025-11-05 22:49:37,618 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: timed termination at 5880.0 for action_nadir_scan
2025-11-05 22:49:37,618 data.base                      INFO       <5880.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:37,619 comm.communication             INFO       <5880.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,619 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,621 gym                            INFO       <5880.00> Step reward: 0.004912280701754385
2025-11-05 22:49:37,622 gym                            INFO       <5880.00> === STARTING STEP ===
2025-11-05 22:49:37,622 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,623 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: setting timed terminal event at 6060.0
2025-11-05 22:49:37,634 sats.satellite.Scanner-1       INFO       <6060.00> Scanner-1: timed termination at 6060.0 for action_nadir_scan
2025-11-05 22:49:37,634 data.base                      INFO       <6060.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:37,635 comm.communication             INFO       <6060.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,635 sats.satellite.Scanner-1       INFO       <6060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,637 gym                            INFO       <6060.00> Step reward: 0.00631578947368421
2025-11-05 22:49:37,638 gym                            INFO       <6060.00> === STARTING STEP ===
2025-11-05 22:49:37,638 sats.satellite.Scanner-1       INFO       <6060.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,638 sats.satellite.Scanner-1       INFO       <6060.00> Scanner-1: setting timed terminal event at 6240.0
2025-11-05 22:49:37,649 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: timed termination at 6240.0 for action_nadir_scan
2025-11-05 22:49:37,650 data.base                      INFO       <6240.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:37,650 comm.communication             INFO       <6240.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,651 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,653 gym                            INFO       <6240.00> Step reward: 0.00631578947368421
2025-11-05 22:49:37,653 gym                            INFO       <6240.00> === STARTING STEP ===
2025-11-05 22:49:37,654 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,654 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: setting timed terminal event at 6360.0
2025-11-05 22:49:37,662 sats.satellite.Scanner-1       INFO       <6360.00> Scanner-1: timed termination at 6360.0 for action_charge
2025-11-05 22:49:37,663 data.base                      INFO       <6360.00> Total reward: {}
2025-11-05 22:49:37,663 comm.communication             INFO       <6360.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,663 sats.satellite.Scanner-1       INFO       <6360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,665 gym                            INFO       <6360.00> Step reward: 0.0
2025-11-05 22:49:37,666 gym                            INFO       <6360.00> === STARTING STEP ===
2025-11-05 22:49:37,667 sats.satellite.Scanner-1       INFO       <6360.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,667 sats.satellite.Scanner-1       INFO       <6360.00> Scanner-1: setting timed terminal event at 6420.0
2025-11-05 22:49:37,672 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: timed termination at 6420.0 for action_downlink
2025-11-05 22:49:37,672 data.base                      INFO       <6420.00> Total reward: {}
2025-11-05 22:49:37,673 comm.communication             INFO       <6420.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,673 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,675 gym                            INFO       <6420.00> Step reward: 0.0
2025-11-05 22:49:37,676 gym                            INFO       <6420.00> === STARTING STEP ===
2025-11-05 22:49:37,676 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,677 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: setting timed terminal event at 6540.0
2025-11-05 22:49:37,684 sats.satellite.Scanner-1       INFO       <6540.00> Scanner-1: timed termination at 6540.0 for action_charge
2025-11-05 22:49:37,685 data.base                      INFO       <6540.00> Total reward: {}
2025-11-05 22:49:37,685 comm.communication             INFO       <6540.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,686 sats.satellite.Scanner-1       INFO       <6540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,688 gym                            INFO       <6540.00> Step reward: 0.0
2025-11-05 22:49:37,689 gym                            INFO       <6540.00> === STARTING STEP ===
2025-11-05 22:49:37,689 sats.satellite.Scanner-1       INFO       <6540.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,689 sats.satellite.Scanner-1       INFO       <6540.00> Scanner-1: setting timed terminal event at 6600.0
2025-11-05 22:49:37,694 sats.satellite.Scanner-1       INFO       <6600.00> Scanner-1: timed termination at 6600.0 for action_downlink
2025-11-05 22:49:37,695 data.base                      INFO       <6600.00> Total reward: {}
2025-11-05 22:49:37,695 comm.communication             INFO       <6600.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,696 sats.satellite.Scanner-1       INFO       <6600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,698 gym                            INFO       <6600.00> Step reward: 0.0
2025-11-05 22:49:37,698 gym                            INFO       <6600.00> === STARTING STEP ===
2025-11-05 22:49:37,698 sats.satellite.Scanner-1       INFO       <6600.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,699 sats.satellite.Scanner-1       INFO       <6600.00> Scanner-1: setting timed terminal event at 6720.0
2025-11-05 22:49:37,707 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: timed termination at 6720.0 for action_charge
2025-11-05 22:49:37,707 data.base                      INFO       <6720.00> Total reward: {}
2025-11-05 22:49:37,708 comm.communication             INFO       <6720.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,709 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,710 gym                            INFO       <6720.00> Step reward: 0.0
2025-11-05 22:49:37,711 gym                            INFO       <6720.00> === STARTING STEP ===
2025-11-05 22:49:37,711 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,712 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: setting timed terminal event at 6780.0
2025-11-05 22:49:37,717 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: timed termination at 6780.0 for action_desat
2025-11-05 22:49:37,718 data.base                      INFO       <6780.00> Total reward: {}
2025-11-05 22:49:37,718 comm.communication             INFO       <6780.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,719 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,720 gym                            INFO       <6780.00> Step reward: 0.0
2025-11-05 22:49:37,721 gym                            INFO       <6780.00> === STARTING STEP ===
2025-11-05 22:49:37,722 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,722 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: setting timed terminal event at 6960.0
2025-11-05 22:49:37,733 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: timed termination at 6960.0 for action_nadir_scan
2025-11-05 22:49:37,733 data.base                      INFO       <6960.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:37,734 comm.communication             INFO       <6960.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,734 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,736 gym                            INFO       <6960.00> Step reward: 0.004912280701754385
2025-11-05 22:49:37,737 gym                            INFO       <6960.00> === STARTING STEP ===
2025-11-05 22:49:37,737 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,738 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: setting timed terminal event at 7020.0
2025-11-05 22:49:37,743 sats.satellite.Scanner-1       INFO       <7020.00> Scanner-1: timed termination at 7020.0 for action_desat
2025-11-05 22:49:37,744 data.base                      INFO       <7020.00> Total reward: {}
2025-11-05 22:49:37,744 comm.communication             INFO       <7020.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,745 sats.satellite.Scanner-1       INFO       <7020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,747 gym                            INFO       <7020.00> Step reward: 0.0
2025-11-05 22:49:37,747 gym                            INFO       <7020.00> === STARTING STEP ===
2025-11-05 22:49:37,748 sats.satellite.Scanner-1       INFO       <7020.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,749 sats.satellite.Scanner-1       INFO       <7020.00> Scanner-1: setting timed terminal event at 7200.0
2025-11-05 22:49:37,759 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: timed termination at 7200.0 for action_nadir_scan
2025-11-05 22:49:37,760 data.base                      INFO       <7200.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-11-05 22:49:37,760 comm.communication             INFO       <7200.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,761 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,763 gym                            INFO       <7200.00> Step reward: 0.00487719298245614
2025-11-05 22:49:37,763 gym                            INFO       <7200.00> === STARTING STEP ===
2025-11-05 22:49:37,764 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,765 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: setting timed terminal event at 7380.0
2025-11-05 22:49:37,775 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: timed termination at 7380.0 for action_nadir_scan
2025-11-05 22:49:37,776 data.base                      INFO       <7380.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:37,776 comm.communication             INFO       <7380.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,777 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,779 gym                            INFO       <7380.00> Step reward: 0.00631578947368421
2025-11-05 22:49:37,779 gym                            INFO       <7380.00> === STARTING STEP ===
2025-11-05 22:49:37,781 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,781 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: setting timed terminal event at 7500.0
2025-11-05 22:49:37,789 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: timed termination at 7500.0 for action_charge
2025-11-05 22:49:37,790 data.base                      INFO       <7500.00> Total reward: {}
2025-11-05 22:49:37,790 comm.communication             INFO       <7500.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,790 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,792 gym                            INFO       <7500.00> Step reward: 0.0
2025-11-05 22:49:37,793 gym                            INFO       <7500.00> === STARTING STEP ===
2025-11-05 22:49:37,794 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,794 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: setting timed terminal event at 7620.0
2025-11-05 22:49:37,802 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: timed termination at 7620.0 for action_charge
2025-11-05 22:49:37,802 data.base                      INFO       <7620.00> Total reward: {}
2025-11-05 22:49:37,803 comm.communication             INFO       <7620.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,803 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,805 gym                            INFO       <7620.00> Step reward: 0.0
2025-11-05 22:49:37,805 gym                            INFO       <7620.00> === STARTING STEP ===
2025-11-05 22:49:37,806 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,806 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: setting timed terminal event at 7800.0
2025-11-05 22:49:37,817 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: timed termination at 7800.0 for action_nadir_scan
2025-11-05 22:49:37,818 data.base                      INFO       <7800.00> Total reward: {'Scanner-1': 0.005192982456140351}
2025-11-05 22:49:37,818 comm.communication             INFO       <7800.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,819 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,821 gym                            INFO       <7800.00> Step reward: 0.005192982456140351
2025-11-05 22:49:37,821 gym                            INFO       <7800.00> === STARTING STEP ===
2025-11-05 22:49:37,821 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,822 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: setting timed terminal event at 7860.0
2025-11-05 22:49:37,827 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: timed termination at 7860.0 for action_downlink
2025-11-05 22:49:37,827 data.base                      INFO       <7860.00> Total reward: {}
2025-11-05 22:49:37,828 comm.communication             INFO       <7860.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,828 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,830 gym                            INFO       <7860.00> Step reward: 0.0
2025-11-05 22:49:37,830 gym                            INFO       <7860.00> === STARTING STEP ===
2025-11-05 22:49:37,831 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,832 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: setting timed terminal event at 7920.0
2025-11-05 22:49:37,836 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: timed termination at 7920.0 for action_downlink
2025-11-05 22:49:37,837 data.base                      INFO       <7920.00> Total reward: {}
2025-11-05 22:49:37,838 comm.communication             INFO       <7920.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,838 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,840 gym                            INFO       <7920.00> Step reward: 0.0
2025-11-05 22:49:37,840 gym                            INFO       <7920.00> === STARTING STEP ===
2025-11-05 22:49:37,841 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,842 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: setting timed terminal event at 8040.0
2025-11-05 22:49:37,849 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: timed termination at 8040.0 for action_charge
2025-11-05 22:49:37,850 data.base                      INFO       <8040.00> Total reward: {}
2025-11-05 22:49:37,850 comm.communication             INFO       <8040.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,851 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,852 gym                            INFO       <8040.00> Step reward: 0.0
2025-11-05 22:49:37,853 gym                            INFO       <8040.00> === STARTING STEP ===
2025-11-05 22:49:37,853 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,854 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: setting timed terminal event at 8220.0
2025-11-05 22:49:37,865 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: timed termination at 8220.0 for action_nadir_scan
2025-11-05 22:49:37,865 data.base                      INFO       <8220.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-11-05 22:49:37,866 comm.communication             INFO       <8220.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,866 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,868 gym                            INFO       <8220.00> Step reward: 0.004947368421052631
2025-11-05 22:49:37,868 gym                            INFO       <8220.00> === STARTING STEP ===
2025-11-05 22:49:37,869 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,869 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: setting timed terminal event at 8400.0
2025-11-05 22:49:37,880 sats.satellite.Scanner-1       INFO       <8400.00> Scanner-1: timed termination at 8400.0 for action_nadir_scan
2025-11-05 22:49:37,881 data.base                      INFO       <8400.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:37,881 comm.communication             INFO       <8400.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,882 sats.satellite.Scanner-1       INFO       <8400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,884 gym                            INFO       <8400.00> Step reward: 0.00631578947368421
2025-11-05 22:49:37,884 gym                            INFO       <8400.00> === STARTING STEP ===
2025-11-05 22:49:37,885 sats.satellite.Scanner-1       INFO       <8400.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,886 sats.satellite.Scanner-1       INFO       <8400.00> Scanner-1: setting timed terminal event at 8460.0
2025-11-05 22:49:37,891 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: timed termination at 8460.0 for action_desat
2025-11-05 22:49:37,891 data.base                      INFO       <8460.00> Total reward: {}
2025-11-05 22:49:37,892 comm.communication             INFO       <8460.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,892 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,894 gym                            INFO       <8460.00> Step reward: 0.0
2025-11-05 22:49:37,895 gym                            INFO       <8460.00> === STARTING STEP ===
2025-11-05 22:49:37,895 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,895 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: setting timed terminal event at 8520.0
2025-11-05 22:49:37,901 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: timed termination at 8520.0 for action_desat
2025-11-05 22:49:37,901 data.base                      INFO       <8520.00> Total reward: {}
2025-11-05 22:49:37,902 comm.communication             INFO       <8520.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,902 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,904 gym                            INFO       <8520.00> Step reward: 0.0
2025-11-05 22:49:37,905 gym                            INFO       <8520.00> === STARTING STEP ===
2025-11-05 22:49:37,905 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:37,906 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: setting timed terminal event at 8580.0
2025-11-05 22:49:37,911 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: timed termination at 8580.0 for action_desat
2025-11-05 22:49:37,911 data.base                      INFO       <8580.00> Total reward: {}
2025-11-05 22:49:37,912 comm.communication             INFO       <8580.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,912 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,914 gym                            INFO       <8580.00> Step reward: 0.0
2025-11-05 22:49:37,914 gym                            INFO       <8580.00> === STARTING STEP ===
2025-11-05 22:49:37,915 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,915 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: setting timed terminal event at 8760.0
2025-11-05 22:49:37,927 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: timed termination at 8760.0 for action_nadir_scan
2025-11-05 22:49:37,927 data.base                      INFO       <8760.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:37,928 comm.communication             INFO       <8760.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,928 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,930 gym                            INFO       <8760.00> Step reward: 0.004912280701754385
2025-11-05 22:49:37,930 gym                            INFO       <8760.00> === STARTING STEP ===
2025-11-05 22:49:37,931 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,931 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: setting timed terminal event at 8940.0
2025-11-05 22:49:37,942 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: timed termination at 8940.0 for action_nadir_scan
2025-11-05 22:49:37,943 data.base                      INFO       <8940.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:37,943 comm.communication             INFO       <8940.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,944 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,945 gym                            INFO       <8940.00> Step reward: 0.00631578947368421
2025-11-05 22:49:37,946 gym                            INFO       <8940.00> === STARTING STEP ===
2025-11-05 22:49:37,946 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,947 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: setting timed terminal event at 9060.0
2025-11-05 22:49:37,955 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: timed termination at 9060.0 for action_charge
2025-11-05 22:49:37,955 data.base                      INFO       <9060.00> Total reward: {}
2025-11-05 22:49:37,956 comm.communication             INFO       <9060.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,956 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,958 gym                            INFO       <9060.00> Step reward: 0.0
2025-11-05 22:49:37,959 gym                            INFO       <9060.00> === STARTING STEP ===
2025-11-05 22:49:37,959 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,960 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: setting timed terminal event at 9180.0
2025-11-05 22:49:37,968 sats.satellite.Scanner-1       INFO       <9180.00> Scanner-1: timed termination at 9180.0 for action_charge
2025-11-05 22:49:37,968 data.base                      INFO       <9180.00> Total reward: {}
2025-11-05 22:49:37,969 comm.communication             INFO       <9180.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,969 sats.satellite.Scanner-1       INFO       <9180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,971 gym                            INFO       <9180.00> Step reward: 0.0
2025-11-05 22:49:37,972 gym                            INFO       <9180.00> === STARTING STEP ===
2025-11-05 22:49:37,972 sats.satellite.Scanner-1       INFO       <9180.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:37,973 sats.satellite.Scanner-1       INFO       <9180.00> Scanner-1: setting timed terminal event at 9360.0
2025-11-05 22:49:37,984 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: timed termination at 9360.0 for action_nadir_scan
2025-11-05 22:49:37,985 data.base                      INFO       <9360.00> Total reward: {'Scanner-1': 0.004631578947368421}
2025-11-05 22:49:37,985 comm.communication             INFO       <9360.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,986 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,988 gym                            INFO       <9360.00> Step reward: 0.004631578947368421
2025-11-05 22:49:37,988 gym                            INFO       <9360.00> === STARTING STEP ===
2025-11-05 22:49:37,989 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:37,989 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: setting timed terminal event at 9420.0
2025-11-05 22:49:37,994 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: timed termination at 9420.0 for action_downlink
2025-11-05 22:49:37,995 data.base                      INFO       <9420.00> Total reward: {}
2025-11-05 22:49:37,995 comm.communication             INFO       <9420.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:37,995 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:37,997 gym                            INFO       <9420.00> Step reward: 0.0
2025-11-05 22:49:37,998 gym                            INFO       <9420.00> === STARTING STEP ===
2025-11-05 22:49:37,999 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:37,999 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: setting timed terminal event at 9540.0
2025-11-05 22:49:38,007 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: timed termination at 9540.0 for action_charge
2025-11-05 22:49:38,008 data.base                      INFO       <9540.00> Total reward: {}
2025-11-05 22:49:38,008 comm.communication             INFO       <9540.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,009 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,011 gym                            INFO       <9540.00> Step reward: 0.0
2025-11-05 22:49:38,011 gym                            INFO       <9540.00> === STARTING STEP ===
2025-11-05 22:49:38,012 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,012 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: setting timed terminal event at 9600.0
2025-11-05 22:49:38,017 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: timed termination at 9600.0 for action_desat
2025-11-05 22:49:38,018 data.base                      INFO       <9600.00> Total reward: {}
2025-11-05 22:49:38,018 comm.communication             INFO       <9600.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,019 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,021 gym                            INFO       <9600.00> Step reward: 0.0
2025-11-05 22:49:38,022 gym                            INFO       <9600.00> === STARTING STEP ===
2025-11-05 22:49:38,022 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,023 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: setting timed terminal event at 9660.0
2025-11-05 22:49:38,028 sats.satellite.Scanner-1       INFO       <9660.00> Scanner-1: timed termination at 9660.0 for action_desat
2025-11-05 22:49:38,028 data.base                      INFO       <9660.00> Total reward: {}
2025-11-05 22:49:38,029 comm.communication             INFO       <9660.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,030 sats.satellite.Scanner-1       INFO       <9660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,031 gym                            INFO       <9660.00> Step reward: 0.0
2025-11-05 22:49:38,032 gym                            INFO       <9660.00> === STARTING STEP ===
2025-11-05 22:49:38,032 sats.satellite.Scanner-1       INFO       <9660.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,033 sats.satellite.Scanner-1       INFO       <9660.00> Scanner-1: setting timed terminal event at 9840.0
2025-11-05 22:49:38,044 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: timed termination at 9840.0 for action_nadir_scan
2025-11-05 22:49:38,044 data.base                      INFO       <9840.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:38,045 comm.communication             INFO       <9840.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,046 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,047 gym                            INFO       <9840.00> Step reward: 0.004912280701754385
2025-11-05 22:49:38,048 gym                            INFO       <9840.00> === STARTING STEP ===
2025-11-05 22:49:38,048 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,048 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: setting timed terminal event at 9900.0
2025-11-05 22:49:38,054 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: timed termination at 9900.0 for action_downlink
2025-11-05 22:49:38,054 data.base                      INFO       <9900.00> Total reward: {}
2025-11-05 22:49:38,055 comm.communication             INFO       <9900.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,055 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,057 gym                            INFO       <9900.00> Step reward: 0.0
2025-11-05 22:49:38,058 gym                            INFO       <9900.00> === STARTING STEP ===
2025-11-05 22:49:38,058 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,059 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: setting timed terminal event at 10020.0
2025-11-05 22:49:38,066 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: timed termination at 10020.0 for action_charge
2025-11-05 22:49:38,067 data.base                      INFO       <10020.00> Total reward: {}
2025-11-05 22:49:38,067 comm.communication             INFO       <10020.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,068 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,070 gym                            INFO       <10020.00> Step reward: 0.0
2025-11-05 22:49:38,070 gym                            INFO       <10020.00> === STARTING STEP ===
2025-11-05 22:49:38,071 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,071 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: setting timed terminal event at 10200.0
2025-11-05 22:49:38,082 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: timed termination at 10200.0 for action_nadir_scan
2025-11-05 22:49:38,082 data.base                      INFO       <10200.00> Total reward: {'Scanner-1': 0.004771929824561403}
2025-11-05 22:49:38,083 comm.communication             INFO       <10200.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,084 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,085 gym                            INFO       <10200.00> Step reward: 0.004771929824561403
2025-11-05 22:49:38,086 gym                            INFO       <10200.00> === STARTING STEP ===
2025-11-05 22:49:38,086 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,087 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: setting timed terminal event at 10380.0
2025-11-05 22:49:38,098 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: timed termination at 10380.0 for action_nadir_scan
2025-11-05 22:49:38,098 data.base                      INFO       <10380.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:38,099 comm.communication             INFO       <10380.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,099 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,101 gym                            INFO       <10380.00> Step reward: 0.00631578947368421
2025-11-05 22:49:38,102 gym                            INFO       <10380.00> === STARTING STEP ===
2025-11-05 22:49:38,102 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,103 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: setting timed terminal event at 10440.0
2025-11-05 22:49:38,108 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: timed termination at 10440.0 for action_desat
2025-11-05 22:49:38,108 data.base                      INFO       <10440.00> Total reward: {}
2025-11-05 22:49:38,109 comm.communication             INFO       <10440.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,109 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,111 gym                            INFO       <10440.00> Step reward: 0.0
2025-11-05 22:49:38,111 gym                            INFO       <10440.00> === STARTING STEP ===
2025-11-05 22:49:38,112 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,112 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: setting timed terminal event at 10560.0
2025-11-05 22:49:38,120 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: timed termination at 10560.0 for action_charge
2025-11-05 22:49:38,121 data.base                      INFO       <10560.00> Total reward: {}
2025-11-05 22:49:38,121 comm.communication             INFO       <10560.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,122 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,124 gym                            INFO       <10560.00> Step reward: 0.0
2025-11-05 22:49:38,124 gym                            INFO       <10560.00> === STARTING STEP ===
2025-11-05 22:49:38,125 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,125 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: setting timed terminal event at 10680.0
2025-11-05 22:49:38,133 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: timed termination at 10680.0 for action_charge
2025-11-05 22:49:38,133 data.base                      INFO       <10680.00> Total reward: {}
2025-11-05 22:49:38,134 comm.communication             INFO       <10680.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,134 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,136 gym                            INFO       <10680.00> Step reward: 0.0
2025-11-05 22:49:38,137 gym                            INFO       <10680.00> === STARTING STEP ===
2025-11-05 22:49:38,137 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,137 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: setting timed terminal event at 10800.0
2025-11-05 22:49:38,145 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: timed termination at 10800.0 for action_charge
2025-11-05 22:49:38,146 data.base                      INFO       <10800.00> Total reward: {}
2025-11-05 22:49:38,146 comm.communication             INFO       <10800.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,147 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,148 gym                            INFO       <10800.00> Step reward: 0.0
2025-11-05 22:49:38,149 gym                            INFO       <10800.00> === STARTING STEP ===
2025-11-05 22:49:38,149 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,150 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: setting timed terminal event at 10860.0
2025-11-05 22:49:38,155 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: timed termination at 10860.0 for action_downlink
2025-11-05 22:49:38,156 data.base                      INFO       <10860.00> Total reward: {}
2025-11-05 22:49:38,156 comm.communication             INFO       <10860.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,157 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,158 gym                            INFO       <10860.00> Step reward: 0.0
2025-11-05 22:49:38,159 gym                            INFO       <10860.00> === STARTING STEP ===
2025-11-05 22:49:38,159 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,160 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: setting timed terminal event at 11040.0
2025-11-05 22:49:38,171 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: timed termination at 11040.0 for action_nadir_scan
2025-11-05 22:49:38,171 data.base                      INFO       <11040.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-11-05 22:49:38,172 comm.communication             INFO       <11040.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,172 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,174 gym                            INFO       <11040.00> Step reward: 0.004947368421052631
2025-11-05 22:49:38,174 gym                            INFO       <11040.00> === STARTING STEP ===
2025-11-05 22:49:38,175 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,176 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: setting timed terminal event at 11220.0
2025-11-05 22:49:38,187 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: timed termination at 11220.0 for action_nadir_scan
2025-11-05 22:49:38,187 data.base                      INFO       <11220.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:38,188 comm.communication             INFO       <11220.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,188 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,190 gym                            INFO       <11220.00> Step reward: 0.00631578947368421
2025-11-05 22:49:38,191 gym                            INFO       <11220.00> === STARTING STEP ===
2025-11-05 22:49:38,191 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,192 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: setting timed terminal event at 11340.0
2025-11-05 22:49:38,200 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: timed termination at 11340.0 for action_charge
2025-11-05 22:49:38,200 data.base                      INFO       <11340.00> Total reward: {}
2025-11-05 22:49:38,201 comm.communication             INFO       <11340.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,201 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,203 gym                            INFO       <11340.00> Step reward: 0.0
2025-11-05 22:49:38,203 gym                            INFO       <11340.00> === STARTING STEP ===
2025-11-05 22:49:38,204 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,205 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: setting timed terminal event at 11520.0
2025-11-05 22:49:38,215 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: timed termination at 11520.0 for action_nadir_scan
2025-11-05 22:49:38,216 data.base                      INFO       <11520.00> Total reward: {'Scanner-1': 0.005263157894736842}
2025-11-05 22:49:38,216 comm.communication             INFO       <11520.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,217 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,219 gym                            INFO       <11520.00> Step reward: 0.005263157894736842
2025-11-05 22:49:38,220 gym                            INFO       <11520.00> === STARTING STEP ===
2025-11-05 22:49:38,220 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,221 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: setting timed terminal event at 11700.0
2025-11-05 22:49:38,231 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: timed termination at 11700.0 for action_nadir_scan
2025-11-05 22:49:38,232 data.base                      INFO       <11700.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:38,233 comm.communication             INFO       <11700.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,234 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,235 gym                            INFO       <11700.00> Step reward: 0.00631578947368421
2025-11-05 22:49:38,236 gym                            INFO       <11700.00> === STARTING STEP ===
2025-11-05 22:49:38,236 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,237 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: setting timed terminal event at 11880.0
2025-11-05 22:49:38,248 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: timed termination at 11880.0 for action_nadir_scan
2025-11-05 22:49:38,248 data.base                      INFO       <11880.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:38,249 comm.communication             INFO       <11880.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,249 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,251 gym                            INFO       <11880.00> Step reward: 0.00631578947368421
2025-11-05 22:49:38,252 gym                            INFO       <11880.00> === STARTING STEP ===
2025-11-05 22:49:38,252 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,253 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: setting timed terminal event at 11940.0
2025-11-05 22:49:38,258 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: timed termination at 11940.0 for action_downlink
2025-11-05 22:49:38,259 data.base                      INFO       <11940.00> Total reward: {}
2025-11-05 22:49:38,259 comm.communication             INFO       <11940.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,260 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,261 gym                            INFO       <11940.00> Step reward: 0.0
2025-11-05 22:49:38,262 gym                            INFO       <11940.00> === STARTING STEP ===
2025-11-05 22:49:38,263 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,263 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: setting timed terminal event at 12000.0
2025-11-05 22:49:38,268 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: timed termination at 12000.0 for action_desat
2025-11-05 22:49:38,268 data.base                      INFO       <12000.00> Total reward: {}
2025-11-05 22:49:38,269 comm.communication             INFO       <12000.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,270 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,271 gym                            INFO       <12000.00> Step reward: 0.0
2025-11-05 22:49:38,272 gym                            INFO       <12000.00> === STARTING STEP ===
2025-11-05 22:49:38,272 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,273 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: setting timed terminal event at 12180.0
2025-11-05 22:49:38,284 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: timed termination at 12180.0 for action_nadir_scan
2025-11-05 22:49:38,284 data.base                      INFO       <12180.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-11-05 22:49:38,285 comm.communication             INFO       <12180.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,285 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,287 gym                            INFO       <12180.00> Step reward: 0.004947368421052631
2025-11-05 22:49:38,288 gym                            INFO       <12180.00> === STARTING STEP ===
2025-11-05 22:49:38,288 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,289 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: setting timed terminal event at 12240.0
2025-11-05 22:49:38,293 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: timed termination at 12240.0 for action_downlink
2025-11-05 22:49:38,294 data.base                      INFO       <12240.00> Total reward: {}
2025-11-05 22:49:38,294 comm.communication             INFO       <12240.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,295 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,297 gym                            INFO       <12240.00> Step reward: 0.0
2025-11-05 22:49:38,297 gym                            INFO       <12240.00> === STARTING STEP ===
2025-11-05 22:49:38,298 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,298 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: setting timed terminal event at 12300.0
2025-11-05 22:49:38,303 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: timed termination at 12300.0 for action_downlink
2025-11-05 22:49:38,303 data.base                      INFO       <12300.00> Total reward: {}
2025-11-05 22:49:38,304 comm.communication             INFO       <12300.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,304 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,306 gym                            INFO       <12300.00> Step reward: 0.0
2025-11-05 22:49:38,307 gym                            INFO       <12300.00> === STARTING STEP ===
2025-11-05 22:49:38,308 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,308 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: setting timed terminal event at 12480.0
2025-11-05 22:49:38,319 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: timed termination at 12480.0 for action_nadir_scan
2025-11-05 22:49:38,319 data.base                      INFO       <12480.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-11-05 22:49:38,320 comm.communication             INFO       <12480.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,320 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,322 gym                            INFO       <12480.00> Step reward: 0.004947368421052631
2025-11-05 22:49:38,323 gym                            INFO       <12480.00> === STARTING STEP ===
2025-11-05 22:49:38,323 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,324 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: setting timed terminal event at 12660.0
2025-11-05 22:49:38,335 sats.satellite.Scanner-1       INFO       <12660.00> Scanner-1: timed termination at 12660.0 for action_nadir_scan
2025-11-05 22:49:38,335 data.base                      INFO       <12660.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:38,336 comm.communication             INFO       <12660.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,336 sats.satellite.Scanner-1       INFO       <12660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,338 gym                            INFO       <12660.00> Step reward: 0.00631578947368421
2025-11-05 22:49:38,339 gym                            INFO       <12660.00> === STARTING STEP ===
2025-11-05 22:49:38,339 sats.satellite.Scanner-1       INFO       <12660.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,340 sats.satellite.Scanner-1       INFO       <12660.00> Scanner-1: setting timed terminal event at 12720.0
2025-11-05 22:49:38,344 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: timed termination at 12720.0 for action_downlink
2025-11-05 22:49:38,345 data.base                      INFO       <12720.00> Total reward: {}
2025-11-05 22:49:38,346 comm.communication             INFO       <12720.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,347 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,348 gym                            INFO       <12720.00> Step reward: 0.0
2025-11-05 22:49:38,349 gym                            INFO       <12720.00> === STARTING STEP ===
2025-11-05 22:49:38,349 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,350 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: setting timed terminal event at 12840.0
2025-11-05 22:49:38,357 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: timed termination at 12840.0 for action_charge
2025-11-05 22:49:38,358 data.base                      INFO       <12840.00> Total reward: {}
2025-11-05 22:49:38,358 comm.communication             INFO       <12840.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,359 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,360 gym                            INFO       <12840.00> Step reward: 0.0
2025-11-05 22:49:38,361 gym                            INFO       <12840.00> === STARTING STEP ===
2025-11-05 22:49:38,361 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,362 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: setting timed terminal event at 12900.0
2025-11-05 22:49:38,367 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: timed termination at 12900.0 for action_downlink
2025-11-05 22:49:38,368 data.base                      INFO       <12900.00> Total reward: {}
2025-11-05 22:49:38,368 comm.communication             INFO       <12900.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,369 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,371 gym                            INFO       <12900.00> Step reward: 0.0
2025-11-05 22:49:38,371 gym                            INFO       <12900.00> === STARTING STEP ===
2025-11-05 22:49:38,371 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,372 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: setting timed terminal event at 12960.0
2025-11-05 22:49:38,377 sats.satellite.Scanner-1       INFO       <12960.00> Scanner-1: timed termination at 12960.0 for action_desat
2025-11-05 22:49:38,377 data.base                      INFO       <12960.00> Total reward: {}
2025-11-05 22:49:38,377 comm.communication             INFO       <12960.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,379 sats.satellite.Scanner-1       INFO       <12960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,380 gym                            INFO       <12960.00> Step reward: 0.0
2025-11-05 22:49:38,381 gym                            INFO       <12960.00> === STARTING STEP ===
2025-11-05 22:49:38,381 sats.satellite.Scanner-1       INFO       <12960.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,382 sats.satellite.Scanner-1       INFO       <12960.00> Scanner-1: setting timed terminal event at 13020.0
2025-11-05 22:49:38,386 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: timed termination at 13020.0 for action_downlink
2025-11-05 22:49:38,387 data.base                      INFO       <13020.00> Total reward: {}
2025-11-05 22:49:38,387 comm.communication             INFO       <13020.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,388 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,390 gym                            INFO       <13020.00> Step reward: 0.0
2025-11-05 22:49:38,390 gym                            INFO       <13020.00> === STARTING STEP ===
2025-11-05 22:49:38,391 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,392 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: setting timed terminal event at 13140.0
2025-11-05 22:49:38,399 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: timed termination at 13140.0 for action_charge
2025-11-05 22:49:38,399 data.base                      INFO       <13140.00> Total reward: {}
2025-11-05 22:49:38,400 comm.communication             INFO       <13140.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,400 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,402 gym                            INFO       <13140.00> Step reward: 0.0
2025-11-05 22:49:38,403 gym                            INFO       <13140.00> === STARTING STEP ===
2025-11-05 22:49:38,403 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,404 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: setting timed terminal event at 13260.0
2025-11-05 22:49:38,412 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: timed termination at 13260.0 for action_charge
2025-11-05 22:49:38,412 data.base                      INFO       <13260.00> Total reward: {}
2025-11-05 22:49:38,412 comm.communication             INFO       <13260.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,413 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,415 gym                            INFO       <13260.00> Step reward: 0.0
2025-11-05 22:49:38,415 gym                            INFO       <13260.00> === STARTING STEP ===
2025-11-05 22:49:38,416 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,417 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: setting timed terminal event at 13440.0
2025-11-05 22:49:38,428 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: timed termination at 13440.0 for action_nadir_scan
2025-11-05 22:49:38,428 data.base                      INFO       <13440.00> Total reward: {'Scanner-1': 0.005192982456140351}
2025-11-05 22:49:38,429 comm.communication             INFO       <13440.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,429 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,431 gym                            INFO       <13440.00> Step reward: 0.005192982456140351
2025-11-05 22:49:38,432 gym                            INFO       <13440.00> === STARTING STEP ===
2025-11-05 22:49:38,432 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,433 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: setting timed terminal event at 13620.0
2025-11-05 22:49:38,444 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: timed termination at 13620.0 for action_nadir_scan
2025-11-05 22:49:38,444 data.base                      INFO       <13620.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:38,445 comm.communication             INFO       <13620.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,445 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,447 gym                            INFO       <13620.00> Step reward: 0.00631578947368421
2025-11-05 22:49:38,447 gym                            INFO       <13620.00> === STARTING STEP ===
2025-11-05 22:49:38,448 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,448 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: setting timed terminal event at 13680.0
2025-11-05 22:49:38,453 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: timed termination at 13680.0 for action_desat
2025-11-05 22:49:38,453 data.base                      INFO       <13680.00> Total reward: {}
2025-11-05 22:49:38,454 comm.communication             INFO       <13680.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,454 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,456 gym                            INFO       <13680.00> Step reward: 0.0
2025-11-05 22:49:38,457 gym                            INFO       <13680.00> === STARTING STEP ===
2025-11-05 22:49:38,458 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,458 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: setting timed terminal event at 13740.0
2025-11-05 22:49:38,463 sats.satellite.Scanner-1       INFO       <13740.00> Scanner-1: timed termination at 13740.0 for action_desat
2025-11-05 22:49:38,463 data.base                      INFO       <13740.00> Total reward: {}
2025-11-05 22:49:38,464 comm.communication             INFO       <13740.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,464 sats.satellite.Scanner-1       INFO       <13740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,466 gym                            INFO       <13740.00> Step reward: 0.0
2025-11-05 22:49:38,467 gym                            INFO       <13740.00> === STARTING STEP ===
2025-11-05 22:49:38,467 sats.satellite.Scanner-1       INFO       <13740.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,468 sats.satellite.Scanner-1       INFO       <13740.00> Scanner-1: setting timed terminal event at 13800.0
2025-11-05 22:49:38,473 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: timed termination at 13800.0 for action_desat
2025-11-05 22:49:38,473 data.base                      INFO       <13800.00> Total reward: {}
2025-11-05 22:49:38,474 comm.communication             INFO       <13800.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,475 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,476 gym                            INFO       <13800.00> Step reward: 0.0
2025-11-05 22:49:38,477 gym                            INFO       <13800.00> === STARTING STEP ===
2025-11-05 22:49:38,477 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,478 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: setting timed terminal event at 13860.0
2025-11-05 22:49:38,483 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: timed termination at 13860.0 for action_downlink
2025-11-05 22:49:38,483 data.base                      INFO       <13860.00> Total reward: {}
2025-11-05 22:49:38,483 comm.communication             INFO       <13860.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,484 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,486 gym                            INFO       <13860.00> Step reward: 0.0
2025-11-05 22:49:38,486 gym                            INFO       <13860.00> === STARTING STEP ===
2025-11-05 22:49:38,487 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,487 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: setting timed terminal event at 13920.0
2025-11-05 22:49:38,492 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: timed termination at 13920.0 for action_desat
2025-11-05 22:49:38,493 data.base                      INFO       <13920.00> Total reward: {}
2025-11-05 22:49:38,494 comm.communication             INFO       <13920.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,495 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,496 gym                            INFO       <13920.00> Step reward: 0.0
2025-11-05 22:49:38,496 gym                            INFO       <13920.00> === STARTING STEP ===
2025-11-05 22:49:38,497 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,498 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: setting timed terminal event at 13980.0
2025-11-05 22:49:38,502 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: timed termination at 13980.0 for action_downlink
2025-11-05 22:49:38,503 data.base                      INFO       <13980.00> Total reward: {}
2025-11-05 22:49:38,504 comm.communication             INFO       <13980.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,504 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,506 gym                            INFO       <13980.00> Step reward: 0.0
2025-11-05 22:49:38,506 gym                            INFO       <13980.00> === STARTING STEP ===
2025-11-05 22:49:38,507 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,508 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: setting timed terminal event at 14040.0
2025-11-05 22:49:38,512 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: timed termination at 14040.0 for action_downlink
2025-11-05 22:49:38,513 data.base                      INFO       <14040.00> Total reward: {}
2025-11-05 22:49:38,513 comm.communication             INFO       <14040.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,514 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,516 gym                            INFO       <14040.00> Step reward: 0.0
2025-11-05 22:49:38,516 gym                            INFO       <14040.00> === STARTING STEP ===
2025-11-05 22:49:38,517 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,517 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: setting timed terminal event at 14160.0
2025-11-05 22:49:38,526 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: timed termination at 14160.0 for action_charge
2025-11-05 22:49:38,526 data.base                      INFO       <14160.00> Total reward: {}
2025-11-05 22:49:38,526 comm.communication             INFO       <14160.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,527 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,529 gym                            INFO       <14160.00> Step reward: 0.0
2025-11-05 22:49:38,529 gym                            INFO       <14160.00> === STARTING STEP ===
2025-11-05 22:49:38,530 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,531 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: setting timed terminal event at 14340.0
2025-11-05 22:49:38,542 sats.satellite.Scanner-1       INFO       <14340.00> Scanner-1: timed termination at 14340.0 for action_nadir_scan
2025-11-05 22:49:38,543 data.base                      INFO       <14340.00> Total reward: {'Scanner-1': 0.004701754385964912}
2025-11-05 22:49:38,543 comm.communication             INFO       <14340.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,543 sats.satellite.Scanner-1       INFO       <14340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,545 gym                            INFO       <14340.00> Step reward: 0.004701754385964912
2025-11-05 22:49:38,546 gym                            INFO       <14340.00> === STARTING STEP ===
2025-11-05 22:49:38,546 sats.satellite.Scanner-1       INFO       <14340.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,547 sats.satellite.Scanner-1       INFO       <14340.00> Scanner-1: setting timed terminal event at 14460.0
2025-11-05 22:49:38,555 sats.satellite.Scanner-1       INFO       <14460.00> Scanner-1: timed termination at 14460.0 for action_charge
2025-11-05 22:49:38,555 data.base                      INFO       <14460.00> Total reward: {}
2025-11-05 22:49:38,556 comm.communication             INFO       <14460.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,556 sats.satellite.Scanner-1       INFO       <14460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,558 gym                            INFO       <14460.00> Step reward: 0.0
2025-11-05 22:49:38,559 gym                            INFO       <14460.00> === STARTING STEP ===
2025-11-05 22:49:38,559 sats.satellite.Scanner-1       INFO       <14460.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,560 sats.satellite.Scanner-1       INFO       <14460.00> Scanner-1: setting timed terminal event at 14580.0
2025-11-05 22:49:38,567 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: timed termination at 14580.0 for action_charge
2025-11-05 22:49:38,568 data.base                      INFO       <14580.00> Total reward: {}
2025-11-05 22:49:38,569 comm.communication             INFO       <14580.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,570 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,571 gym                            INFO       <14580.00> Step reward: 0.0
2025-11-05 22:49:38,571 gym                            INFO       <14580.00> === STARTING STEP ===
2025-11-05 22:49:38,572 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,573 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: setting timed terminal event at 14640.0
2025-11-05 22:49:38,578 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: timed termination at 14640.0 for action_desat
2025-11-05 22:49:38,579 data.base                      INFO       <14640.00> Total reward: {}
2025-11-05 22:49:38,579 comm.communication             INFO       <14640.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,579 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,581 gym                            INFO       <14640.00> Step reward: 0.0
2025-11-05 22:49:38,582 gym                            INFO       <14640.00> === STARTING STEP ===
2025-11-05 22:49:38,582 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,582 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: setting timed terminal event at 14700.0
2025-11-05 22:49:38,587 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: timed termination at 14700.0 for action_downlink
2025-11-05 22:49:38,588 data.base                      INFO       <14700.00> Total reward: {}
2025-11-05 22:49:38,588 comm.communication             INFO       <14700.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,589 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,590 gym                            INFO       <14700.00> Step reward: 0.0
2025-11-05 22:49:38,591 gym                            INFO       <14700.00> === STARTING STEP ===
2025-11-05 22:49:38,592 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,593 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: setting timed terminal event at 14760.0
2025-11-05 22:49:38,597 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: timed termination at 14760.0 for action_desat
2025-11-05 22:49:38,598 data.base                      INFO       <14760.00> Total reward: {}
2025-11-05 22:49:38,598 comm.communication             INFO       <14760.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,599 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,601 gym                            INFO       <14760.00> Step reward: 0.0
2025-11-05 22:49:38,601 gym                            INFO       <14760.00> === STARTING STEP ===
2025-11-05 22:49:38,602 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,603 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: setting timed terminal event at 14820.0
2025-11-05 22:49:38,607 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: timed termination at 14820.0 for action_desat
2025-11-05 22:49:38,608 data.base                      INFO       <14820.00> Total reward: {}
2025-11-05 22:49:38,608 comm.communication             INFO       <14820.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,609 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,611 gym                            INFO       <14820.00> Step reward: 0.0
2025-11-05 22:49:38,611 gym                            INFO       <14820.00> === STARTING STEP ===
2025-11-05 22:49:38,612 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,612 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: setting timed terminal event at 14880.0
2025-11-05 22:49:38,617 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: timed termination at 14880.0 for action_downlink
2025-11-05 22:49:38,617 data.base                      INFO       <14880.00> Total reward: {}
2025-11-05 22:49:38,618 comm.communication             INFO       <14880.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,618 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,620 gym                            INFO       <14880.00> Step reward: 0.0
2025-11-05 22:49:38,620 gym                            INFO       <14880.00> === STARTING STEP ===
2025-11-05 22:49:38,621 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,621 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: setting timed terminal event at 14940.0
2025-11-05 22:49:38,626 sats.satellite.Scanner-1       INFO       <14940.00> Scanner-1: timed termination at 14940.0 for action_downlink
2025-11-05 22:49:38,626 data.base                      INFO       <14940.00> Total reward: {}
2025-11-05 22:49:38,627 comm.communication             INFO       <14940.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,627 sats.satellite.Scanner-1       INFO       <14940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,629 gym                            INFO       <14940.00> Step reward: 0.0
2025-11-05 22:49:38,629 gym                            INFO       <14940.00> === STARTING STEP ===
2025-11-05 22:49:38,630 sats.satellite.Scanner-1       INFO       <14940.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,630 sats.satellite.Scanner-1       INFO       <14940.00> Scanner-1: setting timed terminal event at 15060.0
2025-11-05 22:49:38,638 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: timed termination at 15060.0 for action_charge
2025-11-05 22:49:38,638 data.base                      INFO       <15060.00> Total reward: {}
2025-11-05 22:49:38,639 comm.communication             INFO       <15060.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,640 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,641 gym                            INFO       <15060.00> Step reward: 0.0
2025-11-05 22:49:38,642 gym                            INFO       <15060.00> === STARTING STEP ===
2025-11-05 22:49:38,643 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,643 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: setting timed terminal event at 15120.0
2025-11-05 22:49:38,648 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: timed termination at 15120.0 for action_desat
2025-11-05 22:49:38,648 data.base                      INFO       <15120.00> Total reward: {}
2025-11-05 22:49:38,649 comm.communication             INFO       <15120.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,649 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,651 gym                            INFO       <15120.00> Step reward: 0.0
2025-11-05 22:49:38,651 gym                            INFO       <15120.00> === STARTING STEP ===
2025-11-05 22:49:38,652 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,652 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: setting timed terminal event at 15180.0
2025-11-05 22:49:38,657 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: timed termination at 15180.0 for action_desat
2025-11-05 22:49:38,658 data.base                      INFO       <15180.00> Total reward: {}
2025-11-05 22:49:38,658 comm.communication             INFO       <15180.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,659 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,661 gym                            INFO       <15180.00> Step reward: 0.0
2025-11-05 22:49:38,661 gym                            INFO       <15180.00> === STARTING STEP ===
2025-11-05 22:49:38,661 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,662 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: setting timed terminal event at 15240.0
2025-11-05 22:49:38,666 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: timed termination at 15240.0 for action_downlink
2025-11-05 22:49:38,667 data.base                      INFO       <15240.00> Total reward: {}
2025-11-05 22:49:38,667 comm.communication             INFO       <15240.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,668 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,670 gym                            INFO       <15240.00> Step reward: 0.0
2025-11-05 22:49:38,670 gym                            INFO       <15240.00> === STARTING STEP ===
2025-11-05 22:49:38,671 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,672 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: setting timed terminal event at 15420.0
2025-11-05 22:49:38,683 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: timed termination at 15420.0 for action_nadir_scan
2025-11-05 22:49:38,683 data.base                      INFO       <15420.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:38,684 comm.communication             INFO       <15420.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,684 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,686 gym                            INFO       <15420.00> Step reward: 0.004912280701754385
2025-11-05 22:49:38,687 gym                            INFO       <15420.00> === STARTING STEP ===
2025-11-05 22:49:38,687 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,687 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: setting timed terminal event at 15480.0
2025-11-05 22:49:38,692 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: timed termination at 15480.0 for action_desat
2025-11-05 22:49:38,693 data.base                      INFO       <15480.00> Total reward: {}
2025-11-05 22:49:38,693 comm.communication             INFO       <15480.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,694 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,696 gym                            INFO       <15480.00> Step reward: 0.0
2025-11-05 22:49:38,696 gym                            INFO       <15480.00> === STARTING STEP ===
2025-11-05 22:49:38,697 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,697 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: setting timed terminal event at 15660.0
2025-11-05 22:49:38,708 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: timed termination at 15660.0 for action_nadir_scan
2025-11-05 22:49:38,709 data.base                      INFO       <15660.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-11-05 22:49:38,710 comm.communication             INFO       <15660.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,710 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,712 gym                            INFO       <15660.00> Step reward: 0.00487719298245614
2025-11-05 22:49:38,713 gym                            INFO       <15660.00> === STARTING STEP ===
2025-11-05 22:49:38,713 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,714 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: setting timed terminal event at 15720.0
2025-11-05 22:49:38,718 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: timed termination at 15720.0 for action_desat
2025-11-05 22:49:38,719 data.base                      INFO       <15720.00> Total reward: {}
2025-11-05 22:49:38,719 comm.communication             INFO       <15720.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,720 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,721 gym                            INFO       <15720.00> Step reward: 0.0
2025-11-05 22:49:38,722 gym                            INFO       <15720.00> === STARTING STEP ===
2025-11-05 22:49:38,723 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,723 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: setting timed terminal event at 15900.0
2025-11-05 22:49:38,734 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: timed termination at 15900.0 for action_nadir_scan
2025-11-05 22:49:38,735 data.base                      INFO       <15900.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-11-05 22:49:38,735 comm.communication             INFO       <15900.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,736 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,738 gym                            INFO       <15900.00> Step reward: 0.00487719298245614
2025-11-05 22:49:38,738 gym                            INFO       <15900.00> === STARTING STEP ===
2025-11-05 22:49:38,739 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,739 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: setting timed terminal event at 15960.0
2025-11-05 22:49:38,744 sats.satellite.Scanner-1       INFO       <15960.00> Scanner-1: timed termination at 15960.0 for action_downlink
2025-11-05 22:49:38,744 data.base                      INFO       <15960.00> Total reward: {}
2025-11-05 22:49:38,745 comm.communication             INFO       <15960.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,745 sats.satellite.Scanner-1       INFO       <15960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,747 gym                            INFO       <15960.00> Step reward: 0.0
2025-11-05 22:49:38,747 gym                            INFO       <15960.00> === STARTING STEP ===
2025-11-05 22:49:38,748 sats.satellite.Scanner-1       INFO       <15960.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,748 sats.satellite.Scanner-1       INFO       <15960.00> Scanner-1: setting timed terminal event at 16020.0
2025-11-05 22:49:38,753 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: timed termination at 16020.0 for action_desat
2025-11-05 22:49:38,754 data.base                      INFO       <16020.00> Total reward: {}
2025-11-05 22:49:38,754 comm.communication             INFO       <16020.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,755 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,757 gym                            INFO       <16020.00> Step reward: 0.0
2025-11-05 22:49:38,757 gym                            INFO       <16020.00> === STARTING STEP ===
2025-11-05 22:49:38,758 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,759 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: setting timed terminal event at 16140.0
2025-11-05 22:49:38,767 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: timed termination at 16140.0 for action_charge
2025-11-05 22:49:38,767 data.base                      INFO       <16140.00> Total reward: {}
2025-11-05 22:49:38,768 comm.communication             INFO       <16140.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,768 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,770 gym                            INFO       <16140.00> Step reward: 0.0
2025-11-05 22:49:38,771 gym                            INFO       <16140.00> === STARTING STEP ===
2025-11-05 22:49:38,772 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,772 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: setting timed terminal event at 16320.0
2025-11-05 22:49:38,783 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: timed termination at 16320.0 for action_nadir_scan
2025-11-05 22:49:38,784 data.base                      INFO       <16320.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-11-05 22:49:38,784 comm.communication             INFO       <16320.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,785 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,787 gym                            INFO       <16320.00> Step reward: 0.00487719298245614
2025-11-05 22:49:38,787 gym                            INFO       <16320.00> === STARTING STEP ===
2025-11-05 22:49:38,788 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,789 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: setting timed terminal event at 16380.0
2025-11-05 22:49:38,793 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: timed termination at 16380.0 for action_downlink
2025-11-05 22:49:38,794 data.base                      INFO       <16380.00> Total reward: {}
2025-11-05 22:49:38,794 comm.communication             INFO       <16380.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,795 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,796 gym                            INFO       <16380.00> Step reward: 0.0
2025-11-05 22:49:38,797 gym                            INFO       <16380.00> === STARTING STEP ===
2025-11-05 22:49:38,797 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,798 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: setting timed terminal event at 16440.0
2025-11-05 22:49:38,802 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: timed termination at 16440.0 for action_downlink
2025-11-05 22:49:38,803 data.base                      INFO       <16440.00> Total reward: {}
2025-11-05 22:49:38,803 comm.communication             INFO       <16440.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,804 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,805 gym                            INFO       <16440.00> Step reward: 0.0
2025-11-05 22:49:38,806 gym                            INFO       <16440.00> === STARTING STEP ===
2025-11-05 22:49:38,806 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,807 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: setting timed terminal event at 16560.0
2025-11-05 22:49:38,815 sats.satellite.Scanner-1       INFO       <16560.00> Scanner-1: timed termination at 16560.0 for action_charge
2025-11-05 22:49:38,815 data.base                      INFO       <16560.00> Total reward: {}
2025-11-05 22:49:38,816 comm.communication             INFO       <16560.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,816 sats.satellite.Scanner-1       INFO       <16560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,818 gym                            INFO       <16560.00> Step reward: 0.0
2025-11-05 22:49:38,819 gym                            INFO       <16560.00> === STARTING STEP ===
2025-11-05 22:49:38,819 sats.satellite.Scanner-1       INFO       <16560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,820 sats.satellite.Scanner-1       INFO       <16560.00> Scanner-1: setting timed terminal event at 16620.0
2025-11-05 22:49:38,824 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: timed termination at 16620.0 for action_desat
2025-11-05 22:49:38,825 data.base                      INFO       <16620.00> Total reward: {}
2025-11-05 22:49:38,825 comm.communication             INFO       <16620.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,826 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,827 gym                            INFO       <16620.00> Step reward: 0.0
2025-11-05 22:49:38,828 gym                            INFO       <16620.00> === STARTING STEP ===
2025-11-05 22:49:38,828 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,829 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: setting timed terminal event at 16740.0
2025-11-05 22:49:38,837 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: timed termination at 16740.0 for action_charge
2025-11-05 22:49:38,837 data.base                      INFO       <16740.00> Total reward: {}
2025-11-05 22:49:38,838 comm.communication             INFO       <16740.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,838 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,840 gym                            INFO       <16740.00> Step reward: 0.0
2025-11-05 22:49:38,840 gym                            INFO       <16740.00> === STARTING STEP ===
2025-11-05 22:49:38,841 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,841 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: setting timed terminal event at 16800.0
2025-11-05 22:49:38,846 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: timed termination at 16800.0 for action_desat
2025-11-05 22:49:38,847 data.base                      INFO       <16800.00> Total reward: {}
2025-11-05 22:49:38,847 comm.communication             INFO       <16800.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,848 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,850 gym                            INFO       <16800.00> Step reward: 0.0
2025-11-05 22:49:38,850 gym                            INFO       <16800.00> === STARTING STEP ===
2025-11-05 22:49:38,851 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,851 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: setting timed terminal event at 16920.0
2025-11-05 22:49:38,859 sats.satellite.Scanner-1       INFO       <16920.00> Scanner-1: timed termination at 16920.0 for action_charge
2025-11-05 22:49:38,860 data.base                      INFO       <16920.00> Total reward: {}
2025-11-05 22:49:38,860 comm.communication             INFO       <16920.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,861 sats.satellite.Scanner-1       INFO       <16920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,862 gym                            INFO       <16920.00> Step reward: 0.0
2025-11-05 22:49:38,863 gym                            INFO       <16920.00> === STARTING STEP ===
2025-11-05 22:49:38,864 sats.satellite.Scanner-1       INFO       <16920.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,864 sats.satellite.Scanner-1       INFO       <16920.00> Scanner-1: setting timed terminal event at 16980.0
2025-11-05 22:49:38,868 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: timed termination at 16980.0 for action_desat
2025-11-05 22:49:38,869 data.base                      INFO       <16980.00> Total reward: {}
2025-11-05 22:49:38,869 comm.communication             INFO       <16980.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,870 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,872 gym                            INFO       <16980.00> Step reward: 0.0
2025-11-05 22:49:38,872 gym                            INFO       <16980.00> === STARTING STEP ===
2025-11-05 22:49:38,873 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,873 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: setting timed terminal event at 17040.0
2025-11-05 22:49:38,878 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: timed termination at 17040.0 for action_desat
2025-11-05 22:49:38,879 data.base                      INFO       <17040.00> Total reward: {}
2025-11-05 22:49:38,880 comm.communication             INFO       <17040.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,880 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,882 gym                            INFO       <17040.00> Step reward: 0.0
2025-11-05 22:49:38,882 gym                            INFO       <17040.00> === STARTING STEP ===
2025-11-05 22:49:38,883 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,883 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: setting timed terminal event at 17220.0
2025-11-05 22:49:38,895 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: timed termination at 17220.0 for action_nadir_scan
2025-11-05 22:49:38,895 data.base                      INFO       <17220.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-11-05 22:49:38,896 comm.communication             INFO       <17220.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,896 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,898 gym                            INFO       <17220.00> Step reward: 0.004947368421052631
2025-11-05 22:49:38,899 gym                            INFO       <17220.00> === STARTING STEP ===
2025-11-05 22:49:38,899 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,900 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: setting timed terminal event at 17280.0
2025-11-05 22:49:38,905 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: timed termination at 17280.0 for action_downlink
2025-11-05 22:49:38,905 data.base                      INFO       <17280.00> Total reward: {}
2025-11-05 22:49:38,906 comm.communication             INFO       <17280.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,906 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,908 gym                            INFO       <17280.00> Step reward: 0.0
2025-11-05 22:49:38,908 gym                            INFO       <17280.00> === STARTING STEP ===
2025-11-05 22:49:38,909 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,910 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: setting timed terminal event at 17340.0
2025-11-05 22:49:38,915 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: timed termination at 17340.0 for action_desat
2025-11-05 22:49:38,915 data.base                      INFO       <17340.00> Total reward: {}
2025-11-05 22:49:38,916 comm.communication             INFO       <17340.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,916 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,918 gym                            INFO       <17340.00> Step reward: 0.0
2025-11-05 22:49:38,918 gym                            INFO       <17340.00> === STARTING STEP ===
2025-11-05 22:49:38,919 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,919 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: setting timed terminal event at 17400.0
2025-11-05 22:49:38,924 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: timed termination at 17400.0 for action_desat
2025-11-05 22:49:38,925 data.base                      INFO       <17400.00> Total reward: {}
2025-11-05 22:49:38,926 comm.communication             INFO       <17400.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,926 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,928 gym                            INFO       <17400.00> Step reward: 0.0
2025-11-05 22:49:38,928 gym                            INFO       <17400.00> === STARTING STEP ===
2025-11-05 22:49:38,929 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:38,929 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: setting timed terminal event at 17580.0
2025-11-05 22:49:38,940 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: timed termination at 17580.0 for action_nadir_scan
2025-11-05 22:49:38,941 data.base                      INFO       <17580.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-11-05 22:49:38,941 comm.communication             INFO       <17580.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,942 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,943 gym                            INFO       <17580.00> Step reward: 0.004947368421052631
2025-11-05 22:49:38,944 gym                            INFO       <17580.00> === STARTING STEP ===
2025-11-05 22:49:38,944 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:38,945 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: setting timed terminal event at 17700.0
2025-11-05 22:49:38,953 sats.satellite.Scanner-1       INFO       <17700.00> Scanner-1: timed termination at 17700.0 for action_charge
2025-11-05 22:49:38,953 data.base                      INFO       <17700.00> Total reward: {}
2025-11-05 22:49:38,954 comm.communication             INFO       <17700.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,954 sats.satellite.Scanner-1       INFO       <17700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,956 gym                            INFO       <17700.00> Step reward: 0.0
2025-11-05 22:49:38,956 gym                            INFO       <17700.00> === STARTING STEP ===
2025-11-05 22:49:38,957 sats.satellite.Scanner-1       INFO       <17700.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,958 sats.satellite.Scanner-1       INFO       <17700.00> Scanner-1: setting timed terminal event at 17760.0
2025-11-05 22:49:38,962 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: timed termination at 17760.0 for action_downlink
2025-11-05 22:49:38,963 data.base                      INFO       <17760.00> Total reward: {}
2025-11-05 22:49:38,964 comm.communication             INFO       <17760.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,964 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,966 gym                            INFO       <17760.00> Step reward: 0.0
2025-11-05 22:49:38,967 gym                            INFO       <17760.00> === STARTING STEP ===
2025-11-05 22:49:38,967 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,968 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: setting timed terminal event at 17820.0
2025-11-05 22:49:38,973 sats.satellite.Scanner-1       INFO       <17820.00> Scanner-1: timed termination at 17820.0 for action_downlink
2025-11-05 22:49:38,973 data.base                      INFO       <17820.00> Total reward: {}
2025-11-05 22:49:38,974 comm.communication             INFO       <17820.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,975 sats.satellite.Scanner-1       INFO       <17820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,976 gym                            INFO       <17820.00> Step reward: 0.0
2025-11-05 22:49:38,977 gym                            INFO       <17820.00> === STARTING STEP ===
2025-11-05 22:49:38,977 sats.satellite.Scanner-1       INFO       <17820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,978 sats.satellite.Scanner-1       INFO       <17820.00> Scanner-1: setting timed terminal event at 17880.0
2025-11-05 22:49:38,982 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: timed termination at 17880.0 for action_downlink
2025-11-05 22:49:38,983 data.base                      INFO       <17880.00> Total reward: {}
2025-11-05 22:49:38,983 comm.communication             INFO       <17880.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,984 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,986 gym                            INFO       <17880.00> Step reward: 0.0
2025-11-05 22:49:38,986 gym                            INFO       <17880.00> === STARTING STEP ===
2025-11-05 22:49:38,986 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:38,987 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: setting timed terminal event at 17940.0
2025-11-05 22:49:38,991 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: timed termination at 17940.0 for action_downlink
2025-11-05 22:49:38,992 data.base                      INFO       <17940.00> Total reward: {}
2025-11-05 22:49:38,992 comm.communication             INFO       <17940.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:38,993 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:38,995 gym                            INFO       <17940.00> Step reward: 0.0
2025-11-05 22:49:38,995 gym                            INFO       <17940.00> === STARTING STEP ===
2025-11-05 22:49:38,996 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:38,996 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: setting timed terminal event at 18000.0
2025-11-05 22:49:39,001 sats.satellite.Scanner-1       INFO       <18000.00> Scanner-1: timed termination at 18000.0 for action_desat
2025-11-05 22:49:39,001 data.base                      INFO       <18000.00> Total reward: {}
2025-11-05 22:49:39,002 comm.communication             INFO       <18000.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,002 sats.satellite.Scanner-1       INFO       <18000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,004 gym                            INFO       <18000.00> Step reward: 0.0
2025-11-05 22:49:39,005 gym                            INFO       <18000.00> === STARTING STEP ===
2025-11-05 22:49:39,006 sats.satellite.Scanner-1       INFO       <18000.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,006 sats.satellite.Scanner-1       INFO       <18000.00> Scanner-1: setting timed terminal event at 18060.0
2025-11-05 22:49:39,011 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: timed termination at 18060.0 for action_desat
2025-11-05 22:49:39,012 data.base                      INFO       <18060.00> Total reward: {}
2025-11-05 22:49:39,012 comm.communication             INFO       <18060.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,012 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,014 gym                            INFO       <18060.00> Step reward: 0.0
2025-11-05 22:49:39,015 gym                            INFO       <18060.00> === STARTING STEP ===
2025-11-05 22:49:39,016 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,016 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: setting timed terminal event at 18120.0
2025-11-05 22:49:39,021 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: timed termination at 18120.0 for action_desat
2025-11-05 22:49:39,022 data.base                      INFO       <18120.00> Total reward: {}
2025-11-05 22:49:39,022 comm.communication             INFO       <18120.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,022 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,025 gym                            INFO       <18120.00> Step reward: 0.0
2025-11-05 22:49:39,025 gym                            INFO       <18120.00> === STARTING STEP ===
2025-11-05 22:49:39,025 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,026 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: setting timed terminal event at 18240.0
2025-11-05 22:49:39,034 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: timed termination at 18240.0 for action_charge
2025-11-05 22:49:39,034 data.base                      INFO       <18240.00> Total reward: {}
2025-11-05 22:49:39,035 comm.communication             INFO       <18240.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,035 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,037 gym                            INFO       <18240.00> Step reward: 0.0
2025-11-05 22:49:39,038 gym                            INFO       <18240.00> === STARTING STEP ===
2025-11-05 22:49:39,038 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,039 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: setting timed terminal event at 18360.0
2025-11-05 22:49:39,046 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: timed termination at 18360.0 for action_charge
2025-11-05 22:49:39,047 data.base                      INFO       <18360.00> Total reward: {}
2025-11-05 22:49:39,048 comm.communication             INFO       <18360.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,048 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,049 gym                            INFO       <18360.00> Step reward: 0.0
2025-11-05 22:49:39,051 gym                            INFO       <18360.00> === STARTING STEP ===
2025-11-05 22:49:39,051 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,052 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: setting timed terminal event at 18480.0
2025-11-05 22:49:39,059 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: timed termination at 18480.0 for action_charge
2025-11-05 22:49:39,060 data.base                      INFO       <18480.00> Total reward: {}
2025-11-05 22:49:39,060 comm.communication             INFO       <18480.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,061 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,063 gym                            INFO       <18480.00> Step reward: 0.0
2025-11-05 22:49:39,064 gym                            INFO       <18480.00> === STARTING STEP ===
2025-11-05 22:49:39,064 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,065 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: setting timed terminal event at 18540.0
2025-11-05 22:49:39,070 sats.satellite.Scanner-1       INFO       <18540.00> Scanner-1: timed termination at 18540.0 for action_desat
2025-11-05 22:49:39,071 data.base                      INFO       <18540.00> Total reward: {}
2025-11-05 22:49:39,071 comm.communication             INFO       <18540.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,071 sats.satellite.Scanner-1       INFO       <18540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,073 gym                            INFO       <18540.00> Step reward: 0.0
2025-11-05 22:49:39,074 gym                            INFO       <18540.00> === STARTING STEP ===
2025-11-05 22:49:39,074 sats.satellite.Scanner-1       INFO       <18540.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,075 sats.satellite.Scanner-1       INFO       <18540.00> Scanner-1: setting timed terminal event at 18660.0
2025-11-05 22:49:39,083 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: timed termination at 18660.0 for action_charge
2025-11-05 22:49:39,083 data.base                      INFO       <18660.00> Total reward: {}
2025-11-05 22:49:39,084 comm.communication             INFO       <18660.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,084 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,086 gym                            INFO       <18660.00> Step reward: 0.0
2025-11-05 22:49:39,087 gym                            INFO       <18660.00> === STARTING STEP ===
2025-11-05 22:49:39,088 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,088 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: setting timed terminal event at 18720.0
2025-11-05 22:49:39,093 sats.satellite.Scanner-1       INFO       <18720.00> Scanner-1: timed termination at 18720.0 for action_downlink
2025-11-05 22:49:39,093 data.base                      INFO       <18720.00> Total reward: {}
2025-11-05 22:49:39,094 comm.communication             INFO       <18720.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,094 sats.satellite.Scanner-1       INFO       <18720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,096 gym                            INFO       <18720.00> Step reward: 0.0
2025-11-05 22:49:39,097 gym                            INFO       <18720.00> === STARTING STEP ===
2025-11-05 22:49:39,097 sats.satellite.Scanner-1       INFO       <18720.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,098 sats.satellite.Scanner-1       INFO       <18720.00> Scanner-1: setting timed terminal event at 18900.0
2025-11-05 22:49:39,109 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: timed termination at 18900.0 for action_nadir_scan
2025-11-05 22:49:39,109 data.base                      INFO       <18900.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:39,110 comm.communication             INFO       <18900.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,110 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,112 gym                            INFO       <18900.00> Step reward: 0.004912280701754385
2025-11-05 22:49:39,113 gym                            INFO       <18900.00> === STARTING STEP ===
2025-11-05 22:49:39,114 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,114 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: setting timed terminal event at 18960.0
2025-11-05 22:49:39,119 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: timed termination at 18960.0 for action_downlink
2025-11-05 22:49:39,119 data.base                      INFO       <18960.00> Total reward: {}
2025-11-05 22:49:39,120 comm.communication             INFO       <18960.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,121 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,122 gym                            INFO       <18960.00> Step reward: 0.0
2025-11-05 22:49:39,123 gym                            INFO       <18960.00> === STARTING STEP ===
2025-11-05 22:49:39,123 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,124 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: setting timed terminal event at 19140.0
2025-11-05 22:49:39,135 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: timed termination at 19140.0 for action_nadir_scan
2025-11-05 22:49:39,136 data.base                      INFO       <19140.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-11-05 22:49:39,136 comm.communication             INFO       <19140.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,137 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,138 gym                            INFO       <19140.00> Step reward: 0.00487719298245614
2025-11-05 22:49:39,139 gym                            INFO       <19140.00> === STARTING STEP ===
2025-11-05 22:49:39,140 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,141 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: setting timed terminal event at 19320.0
2025-11-05 22:49:39,151 sats.satellite.Scanner-1       INFO       <19320.00> Scanner-1: timed termination at 19320.0 for action_nadir_scan
2025-11-05 22:49:39,152 data.base                      INFO       <19320.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:39,152 comm.communication             INFO       <19320.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,153 sats.satellite.Scanner-1       INFO       <19320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,155 gym                            INFO       <19320.00> Step reward: 0.00631578947368421
2025-11-05 22:49:39,155 gym                            INFO       <19320.00> === STARTING STEP ===
2025-11-05 22:49:39,156 sats.satellite.Scanner-1       INFO       <19320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,156 sats.satellite.Scanner-1       INFO       <19320.00> Scanner-1: setting timed terminal event at 19440.0
2025-11-05 22:49:39,164 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: timed termination at 19440.0 for action_charge
2025-11-05 22:49:39,165 data.base                      INFO       <19440.00> Total reward: {}
2025-11-05 22:49:39,165 comm.communication             INFO       <19440.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,166 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,168 gym                            INFO       <19440.00> Step reward: 0.0
2025-11-05 22:49:39,168 gym                            INFO       <19440.00> === STARTING STEP ===
2025-11-05 22:49:39,169 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,170 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: setting timed terminal event at 19500.0
2025-11-05 22:49:39,174 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: timed termination at 19500.0 for action_desat
2025-11-05 22:49:39,175 data.base                      INFO       <19500.00> Total reward: {}
2025-11-05 22:49:39,175 comm.communication             INFO       <19500.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,176 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,177 gym                            INFO       <19500.00> Step reward: 0.0
2025-11-05 22:49:39,178 gym                            INFO       <19500.00> === STARTING STEP ===
2025-11-05 22:49:39,179 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,179 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: setting timed terminal event at 19560.0
2025-11-05 22:49:39,184 sats.satellite.Scanner-1       INFO       <19560.00> Scanner-1: timed termination at 19560.0 for action_downlink
2025-11-05 22:49:39,184 data.base                      INFO       <19560.00> Total reward: {}
2025-11-05 22:49:39,185 comm.communication             INFO       <19560.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,185 sats.satellite.Scanner-1       INFO       <19560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,187 gym                            INFO       <19560.00> Step reward: 0.0
2025-11-05 22:49:39,188 gym                            INFO       <19560.00> === STARTING STEP ===
2025-11-05 22:49:39,189 sats.satellite.Scanner-1       INFO       <19560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,189 sats.satellite.Scanner-1       INFO       <19560.00> Scanner-1: setting timed terminal event at 19620.0
2025-11-05 22:49:39,194 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: timed termination at 19620.0 for action_desat
2025-11-05 22:49:39,195 data.base                      INFO       <19620.00> Total reward: {}
2025-11-05 22:49:39,195 comm.communication             INFO       <19620.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,196 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,198 gym                            INFO       <19620.00> Step reward: 0.0
2025-11-05 22:49:39,198 gym                            INFO       <19620.00> === STARTING STEP ===
2025-11-05 22:49:39,198 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,199 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: setting timed terminal event at 19800.0
2025-11-05 22:49:39,210 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: timed termination at 19800.0 for action_nadir_scan
2025-11-05 22:49:39,211 data.base                      INFO       <19800.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:39,211 comm.communication             INFO       <19800.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,212 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,214 gym                            INFO       <19800.00> Step reward: 0.004912280701754385
2025-11-05 22:49:39,214 gym                            INFO       <19800.00> === STARTING STEP ===
2025-11-05 22:49:39,215 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,216 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: setting timed terminal event at 19920.0
2025-11-05 22:49:39,224 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: timed termination at 19920.0 for action_charge
2025-11-05 22:49:39,224 data.base                      INFO       <19920.00> Total reward: {}
2025-11-05 22:49:39,225 comm.communication             INFO       <19920.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,225 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,227 gym                            INFO       <19920.00> Step reward: 0.0
2025-11-05 22:49:39,228 gym                            INFO       <19920.00> === STARTING STEP ===
2025-11-05 22:49:39,228 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,229 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: setting timed terminal event at 19980.0
2025-11-05 22:49:39,234 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: timed termination at 19980.0 for action_downlink
2025-11-05 22:49:39,234 data.base                      INFO       <19980.00> Total reward: {}
2025-11-05 22:49:39,235 comm.communication             INFO       <19980.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,235 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,237 gym                            INFO       <19980.00> Step reward: 0.0
2025-11-05 22:49:39,237 gym                            INFO       <19980.00> === STARTING STEP ===
2025-11-05 22:49:39,238 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,239 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: setting timed terminal event at 20040.0
2025-11-05 22:49:39,244 sats.satellite.Scanner-1       INFO       <20040.00> Scanner-1: timed termination at 20040.0 for action_downlink
2025-11-05 22:49:39,245 data.base                      INFO       <20040.00> Total reward: {}
2025-11-05 22:49:39,245 comm.communication             INFO       <20040.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,246 sats.satellite.Scanner-1       INFO       <20040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,247 gym                            INFO       <20040.00> Step reward: 0.0
2025-11-05 22:49:39,248 gym                            INFO       <20040.00> === STARTING STEP ===
2025-11-05 22:49:39,249 sats.satellite.Scanner-1       INFO       <20040.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,249 sats.satellite.Scanner-1       INFO       <20040.00> Scanner-1: setting timed terminal event at 20100.0
2025-11-05 22:49:39,254 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: timed termination at 20100.0 for action_desat
2025-11-05 22:49:39,254 data.base                      INFO       <20100.00> Total reward: {}
2025-11-05 22:49:39,255 comm.communication             INFO       <20100.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,255 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,257 gym                            INFO       <20100.00> Step reward: 0.0
2025-11-05 22:49:39,258 gym                            INFO       <20100.00> === STARTING STEP ===
2025-11-05 22:49:39,258 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,259 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: setting timed terminal event at 20160.0
2025-11-05 22:49:39,264 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: timed termination at 20160.0 for action_desat
2025-11-05 22:49:39,264 data.base                      INFO       <20160.00> Total reward: {}
2025-11-05 22:49:39,265 comm.communication             INFO       <20160.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,266 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,267 gym                            INFO       <20160.00> Step reward: 0.0
2025-11-05 22:49:39,268 gym                            INFO       <20160.00> === STARTING STEP ===
2025-11-05 22:49:39,269 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,269 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: setting timed terminal event at 20280.0
2025-11-05 22:49:39,277 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: timed termination at 20280.0 for action_charge
2025-11-05 22:49:39,277 data.base                      INFO       <20280.00> Total reward: {}
2025-11-05 22:49:39,278 comm.communication             INFO       <20280.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,279 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,280 gym                            INFO       <20280.00> Step reward: 0.0
2025-11-05 22:49:39,281 gym                            INFO       <20280.00> === STARTING STEP ===
2025-11-05 22:49:39,281 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,282 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: setting timed terminal event at 20400.0
2025-11-05 22:49:39,290 sats.satellite.Scanner-1       INFO       <20400.00> Scanner-1: timed termination at 20400.0 for action_charge
2025-11-05 22:49:39,290 data.base                      INFO       <20400.00> Total reward: {}
2025-11-05 22:49:39,291 comm.communication             INFO       <20400.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,292 sats.satellite.Scanner-1       INFO       <20400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,293 gym                            INFO       <20400.00> Step reward: 0.0
2025-11-05 22:49:39,294 gym                            INFO       <20400.00> === STARTING STEP ===
2025-11-05 22:49:39,294 sats.satellite.Scanner-1       INFO       <20400.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,295 sats.satellite.Scanner-1       INFO       <20400.00> Scanner-1: setting timed terminal event at 20520.0
2025-11-05 22:49:39,303 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: timed termination at 20520.0 for action_charge
2025-11-05 22:49:39,303 data.base                      INFO       <20520.00> Total reward: {}
2025-11-05 22:49:39,303 comm.communication             INFO       <20520.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,304 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,306 gym                            INFO       <20520.00> Step reward: 0.0
2025-11-05 22:49:39,306 gym                            INFO       <20520.00> === STARTING STEP ===
2025-11-05 22:49:39,308 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,308 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: setting timed terminal event at 20580.0
2025-11-05 22:49:39,313 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: timed termination at 20580.0 for action_downlink
2025-11-05 22:49:39,313 data.base                      INFO       <20580.00> Total reward: {}
2025-11-05 22:49:39,314 comm.communication             INFO       <20580.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,314 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,316 gym                            INFO       <20580.00> Step reward: 0.0
2025-11-05 22:49:39,316 gym                            INFO       <20580.00> === STARTING STEP ===
2025-11-05 22:49:39,317 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,318 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: setting timed terminal event at 20640.0
2025-11-05 22:49:39,323 sats.satellite.Scanner-1       INFO       <20640.00> Scanner-1: timed termination at 20640.0 for action_desat
2025-11-05 22:49:39,323 data.base                      INFO       <20640.00> Total reward: {}
2025-11-05 22:49:39,324 comm.communication             INFO       <20640.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,325 sats.satellite.Scanner-1       INFO       <20640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,326 gym                            INFO       <20640.00> Step reward: 0.0
2025-11-05 22:49:39,327 gym                            INFO       <20640.00> === STARTING STEP ===
2025-11-05 22:49:39,328 sats.satellite.Scanner-1       INFO       <20640.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,328 sats.satellite.Scanner-1       INFO       <20640.00> Scanner-1: setting timed terminal event at 20760.0
2025-11-05 22:49:39,336 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: timed termination at 20760.0 for action_charge
2025-11-05 22:49:39,336 data.base                      INFO       <20760.00> Total reward: {}
2025-11-05 22:49:39,337 comm.communication             INFO       <20760.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,337 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,339 gym                            INFO       <20760.00> Step reward: 0.0
2025-11-05 22:49:39,340 gym                            INFO       <20760.00> === STARTING STEP ===
2025-11-05 22:49:39,341 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,341 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: setting timed terminal event at 20820.0
2025-11-05 22:49:39,346 sats.satellite.Scanner-1       INFO       <20820.00> Scanner-1: timed termination at 20820.0 for action_desat
2025-11-05 22:49:39,347 data.base                      INFO       <20820.00> Total reward: {}
2025-11-05 22:49:39,347 comm.communication             INFO       <20820.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,348 sats.satellite.Scanner-1       INFO       <20820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,349 gym                            INFO       <20820.00> Step reward: 0.0
2025-11-05 22:49:39,350 gym                            INFO       <20820.00> === STARTING STEP ===
2025-11-05 22:49:39,350 sats.satellite.Scanner-1       INFO       <20820.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,351 sats.satellite.Scanner-1       INFO       <20820.00> Scanner-1: setting timed terminal event at 21000.0
2025-11-05 22:49:39,361 sats.satellite.Scanner-1       INFO       <21000.00> Scanner-1: timed termination at 21000.0 for action_nadir_scan
2025-11-05 22:49:39,362 data.base                      INFO       <21000.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-11-05 22:49:39,363 comm.communication             INFO       <21000.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,364 sats.satellite.Scanner-1       INFO       <21000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,365 gym                            INFO       <21000.00> Step reward: 0.004947368421052631
2025-11-05 22:49:39,366 gym                            INFO       <21000.00> === STARTING STEP ===
2025-11-05 22:49:39,366 sats.satellite.Scanner-1       INFO       <21000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,367 sats.satellite.Scanner-1       INFO       <21000.00> Scanner-1: setting timed terminal event at 21180.0
2025-11-05 22:49:39,378 sats.satellite.Scanner-1       INFO       <21180.00> Scanner-1: timed termination at 21180.0 for action_nadir_scan
2025-11-05 22:49:39,378 data.base                      INFO       <21180.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:39,379 comm.communication             INFO       <21180.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,380 sats.satellite.Scanner-1       INFO       <21180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,381 gym                            INFO       <21180.00> Step reward: 0.00631578947368421
2025-11-05 22:49:39,382 gym                            INFO       <21180.00> === STARTING STEP ===
2025-11-05 22:49:39,383 sats.satellite.Scanner-1       INFO       <21180.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,383 sats.satellite.Scanner-1       INFO       <21180.00> Scanner-1: setting timed terminal event at 21360.0
2025-11-05 22:49:39,394 sats.satellite.Scanner-1       INFO       <21360.00> Scanner-1: timed termination at 21360.0 for action_nadir_scan
2025-11-05 22:49:39,395 data.base                      INFO       <21360.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:39,396 comm.communication             INFO       <21360.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,396 sats.satellite.Scanner-1       INFO       <21360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,398 gym                            INFO       <21360.00> Step reward: 0.00631578947368421
2025-11-05 22:49:39,398 gym                            INFO       <21360.00> === STARTING STEP ===
2025-11-05 22:49:39,399 sats.satellite.Scanner-1       INFO       <21360.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,399 sats.satellite.Scanner-1       INFO       <21360.00> Scanner-1: setting timed terminal event at 21540.0
2025-11-05 22:49:39,410 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: timed termination at 21540.0 for action_nadir_scan
2025-11-05 22:49:39,411 data.base                      INFO       <21540.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:39,411 comm.communication             INFO       <21540.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,412 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,413 gym                            INFO       <21540.00> Step reward: 0.00631578947368421
2025-11-05 22:49:39,414 gym                            INFO       <21540.00> === STARTING STEP ===
2025-11-05 22:49:39,414 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,415 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: setting timed terminal event at 21660.0
2025-11-05 22:49:39,423 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: timed termination at 21660.0 for action_charge
2025-11-05 22:49:39,423 data.base                      INFO       <21660.00> Total reward: {}
2025-11-05 22:49:39,424 comm.communication             INFO       <21660.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,424 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,426 gym                            INFO       <21660.00> Step reward: 0.0
2025-11-05 22:49:39,427 gym                            INFO       <21660.00> === STARTING STEP ===
2025-11-05 22:49:39,428 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,428 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: setting timed terminal event at 21720.0
2025-11-05 22:49:39,433 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: timed termination at 21720.0 for action_desat
2025-11-05 22:49:39,434 data.base                      INFO       <21720.00> Total reward: {}
2025-11-05 22:49:39,434 comm.communication             INFO       <21720.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,435 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,437 gym                            INFO       <21720.00> Step reward: 0.0
2025-11-05 22:49:39,437 gym                            INFO       <21720.00> === STARTING STEP ===
2025-11-05 22:49:39,438 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,438 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: setting timed terminal event at 21780.0
2025-11-05 22:49:39,443 sats.satellite.Scanner-1       INFO       <21780.00> Scanner-1: timed termination at 21780.0 for action_downlink
2025-11-05 22:49:39,444 data.base                      INFO       <21780.00> Total reward: {}
2025-11-05 22:49:39,444 comm.communication             INFO       <21780.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,445 sats.satellite.Scanner-1       INFO       <21780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,447 gym                            INFO       <21780.00> Step reward: 0.0
2025-11-05 22:49:39,447 gym                            INFO       <21780.00> === STARTING STEP ===
2025-11-05 22:49:39,448 sats.satellite.Scanner-1       INFO       <21780.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,448 sats.satellite.Scanner-1       INFO       <21780.00> Scanner-1: setting timed terminal event at 21840.0
2025-11-05 22:49:39,453 sats.satellite.Scanner-1       INFO       <21840.00> Scanner-1: timed termination at 21840.0 for action_downlink
2025-11-05 22:49:39,453 data.base                      INFO       <21840.00> Total reward: {}
2025-11-05 22:49:39,454 comm.communication             INFO       <21840.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,454 sats.satellite.Scanner-1       INFO       <21840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,456 gym                            INFO       <21840.00> Step reward: 0.0
2025-11-05 22:49:39,456 gym                            INFO       <21840.00> === STARTING STEP ===
2025-11-05 22:49:39,457 sats.satellite.Scanner-1       INFO       <21840.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,458 sats.satellite.Scanner-1       INFO       <21840.00> Scanner-1: setting timed terminal event at 21900.0
2025-11-05 22:49:39,463 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: timed termination at 21900.0 for action_desat
2025-11-05 22:49:39,463 data.base                      INFO       <21900.00> Total reward: {}
2025-11-05 22:49:39,464 comm.communication             INFO       <21900.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,464 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,466 gym                            INFO       <21900.00> Step reward: 0.0
2025-11-05 22:49:39,467 gym                            INFO       <21900.00> === STARTING STEP ===
2025-11-05 22:49:39,467 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,467 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: setting timed terminal event at 21960.0
2025-11-05 22:49:39,472 sats.satellite.Scanner-1       INFO       <21960.00> Scanner-1: timed termination at 21960.0 for action_desat
2025-11-05 22:49:39,473 data.base                      INFO       <21960.00> Total reward: {}
2025-11-05 22:49:39,473 comm.communication             INFO       <21960.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,474 sats.satellite.Scanner-1       INFO       <21960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,476 gym                            INFO       <21960.00> Step reward: 0.0
2025-11-05 22:49:39,476 gym                            INFO       <21960.00> === STARTING STEP ===
2025-11-05 22:49:39,477 sats.satellite.Scanner-1       INFO       <21960.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,478 sats.satellite.Scanner-1       INFO       <21960.00> Scanner-1: setting timed terminal event at 22020.0
2025-11-05 22:49:39,483 sats.satellite.Scanner-1       INFO       <22020.00> Scanner-1: timed termination at 22020.0 for action_desat
2025-11-05 22:49:39,483 data.base                      INFO       <22020.00> Total reward: {}
2025-11-05 22:49:39,484 comm.communication             INFO       <22020.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,484 sats.satellite.Scanner-1       INFO       <22020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,486 gym                            INFO       <22020.00> Step reward: 0.0
2025-11-05 22:49:39,487 gym                            INFO       <22020.00> === STARTING STEP ===
2025-11-05 22:49:39,487 sats.satellite.Scanner-1       INFO       <22020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,488 sats.satellite.Scanner-1       INFO       <22020.00> Scanner-1: setting timed terminal event at 22140.0
2025-11-05 22:49:39,496 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: timed termination at 22140.0 for action_charge
2025-11-05 22:49:39,497 data.base                      INFO       <22140.00> Total reward: {}
2025-11-05 22:49:39,498 comm.communication             INFO       <22140.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,498 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,500 gym                            INFO       <22140.00> Step reward: 0.0
2025-11-05 22:49:39,500 gym                            INFO       <22140.00> === STARTING STEP ===
2025-11-05 22:49:39,501 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,502 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: setting timed terminal event at 22320.0
2025-11-05 22:49:39,513 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: timed termination at 22320.0 for action_nadir_scan
2025-11-05 22:49:39,513 data.base                      INFO       <22320.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-11-05 22:49:39,514 comm.communication             INFO       <22320.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,515 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,516 gym                            INFO       <22320.00> Step reward: 0.0049824561403508764
2025-11-05 22:49:39,517 gym                            INFO       <22320.00> === STARTING STEP ===
2025-11-05 22:49:39,517 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,517 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: setting timed terminal event at 22380.0
2025-11-05 22:49:39,522 sats.satellite.Scanner-1       INFO       <22380.00> Scanner-1: timed termination at 22380.0 for action_desat
2025-11-05 22:49:39,523 data.base                      INFO       <22380.00> Total reward: {}
2025-11-05 22:49:39,523 comm.communication             INFO       <22380.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,524 sats.satellite.Scanner-1       INFO       <22380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,525 gym                            INFO       <22380.00> Step reward: 0.0
2025-11-05 22:49:39,526 gym                            INFO       <22380.00> === STARTING STEP ===
2025-11-05 22:49:39,526 sats.satellite.Scanner-1       INFO       <22380.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,527 sats.satellite.Scanner-1       INFO       <22380.00> Scanner-1: setting timed terminal event at 22560.0
2025-11-05 22:49:39,538 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: timed termination at 22560.0 for action_nadir_scan
2025-11-05 22:49:39,538 data.base                      INFO       <22560.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:39,539 comm.communication             INFO       <22560.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,539 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,541 gym                            INFO       <22560.00> Step reward: 0.004912280701754385
2025-11-05 22:49:39,542 gym                            INFO       <22560.00> === STARTING STEP ===
2025-11-05 22:49:39,542 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,543 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: setting timed terminal event at 22620.0
2025-11-05 22:49:39,547 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: timed termination at 22620.0 for action_downlink
2025-11-05 22:49:39,548 data.base                      INFO       <22620.00> Total reward: {}
2025-11-05 22:49:39,548 comm.communication             INFO       <22620.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,549 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,550 gym                            INFO       <22620.00> Step reward: 0.0
2025-11-05 22:49:39,551 gym                            INFO       <22620.00> === STARTING STEP ===
2025-11-05 22:49:39,551 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,552 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: setting timed terminal event at 22740.0
2025-11-05 22:49:39,560 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: timed termination at 22740.0 for action_charge
2025-11-05 22:49:39,561 data.base                      INFO       <22740.00> Total reward: {}
2025-11-05 22:49:39,561 comm.communication             INFO       <22740.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,561 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,563 gym                            INFO       <22740.00> Step reward: 0.0
2025-11-05 22:49:39,564 gym                            INFO       <22740.00> === STARTING STEP ===
2025-11-05 22:49:39,565 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,565 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: setting timed terminal event at 22800.0
2025-11-05 22:49:39,570 sats.satellite.Scanner-1       INFO       <22800.00> Scanner-1: timed termination at 22800.0 for action_desat
2025-11-05 22:49:39,570 data.base                      INFO       <22800.00> Total reward: {}
2025-11-05 22:49:39,571 comm.communication             INFO       <22800.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,572 sats.satellite.Scanner-1       INFO       <22800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,574 gym                            INFO       <22800.00> Step reward: 0.0
2025-11-05 22:49:39,574 gym                            INFO       <22800.00> === STARTING STEP ===
2025-11-05 22:49:39,575 sats.satellite.Scanner-1       INFO       <22800.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,575 sats.satellite.Scanner-1       INFO       <22800.00> Scanner-1: setting timed terminal event at 22980.0
2025-11-05 22:49:39,586 sats.satellite.Scanner-1       INFO       <22980.00> Scanner-1: timed termination at 22980.0 for action_nadir_scan
2025-11-05 22:49:39,587 data.base                      INFO       <22980.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:39,587 comm.communication             INFO       <22980.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,588 sats.satellite.Scanner-1       INFO       <22980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,589 gym                            INFO       <22980.00> Step reward: 0.004912280701754385
2025-11-05 22:49:39,590 gym                            INFO       <22980.00> === STARTING STEP ===
2025-11-05 22:49:39,590 sats.satellite.Scanner-1       INFO       <22980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,591 sats.satellite.Scanner-1       INFO       <22980.00> Scanner-1: setting timed terminal event at 23160.0
2025-11-05 22:49:39,602 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: timed termination at 23160.0 for action_nadir_scan
2025-11-05 22:49:39,602 data.base                      INFO       <23160.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:39,603 comm.communication             INFO       <23160.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,603 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,605 gym                            INFO       <23160.00> Step reward: 0.00631578947368421
2025-11-05 22:49:39,606 gym                            INFO       <23160.00> === STARTING STEP ===
2025-11-05 22:49:39,607 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,607 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: setting timed terminal event at 23280.0
2025-11-05 22:49:39,615 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: timed termination at 23280.0 for action_charge
2025-11-05 22:49:39,615 data.base                      INFO       <23280.00> Total reward: {}
2025-11-05 22:49:39,616 comm.communication             INFO       <23280.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,616 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,618 gym                            INFO       <23280.00> Step reward: 0.0
2025-11-05 22:49:39,619 gym                            INFO       <23280.00> === STARTING STEP ===
2025-11-05 22:49:39,619 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,620 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: setting timed terminal event at 23400.0
2025-11-05 22:49:39,627 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: timed termination at 23400.0 for action_charge
2025-11-05 22:49:39,628 data.base                      INFO       <23400.00> Total reward: {}
2025-11-05 22:49:39,629 comm.communication             INFO       <23400.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,629 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,631 gym                            INFO       <23400.00> Step reward: 0.0
2025-11-05 22:49:39,631 gym                            INFO       <23400.00> === STARTING STEP ===
2025-11-05 22:49:39,632 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,632 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: setting timed terminal event at 23460.0
2025-11-05 22:49:39,637 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: timed termination at 23460.0 for action_desat
2025-11-05 22:49:39,637 data.base                      INFO       <23460.00> Total reward: {}
2025-11-05 22:49:39,638 comm.communication             INFO       <23460.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,638 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,641 gym                            INFO       <23460.00> Step reward: 0.0
2025-11-05 22:49:39,641 gym                            INFO       <23460.00> === STARTING STEP ===
2025-11-05 22:49:39,642 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,643 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: setting timed terminal event at 23520.0
2025-11-05 22:49:39,647 sats.satellite.Scanner-1       INFO       <23520.00> Scanner-1: timed termination at 23520.0 for action_downlink
2025-11-05 22:49:39,648 data.base                      INFO       <23520.00> Total reward: {}
2025-11-05 22:49:39,648 comm.communication             INFO       <23520.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,649 sats.satellite.Scanner-1       INFO       <23520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,650 gym                            INFO       <23520.00> Step reward: 0.0
2025-11-05 22:49:39,651 gym                            INFO       <23520.00> === STARTING STEP ===
2025-11-05 22:49:39,652 sats.satellite.Scanner-1       INFO       <23520.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,652 sats.satellite.Scanner-1       INFO       <23520.00> Scanner-1: setting timed terminal event at 23700.0
2025-11-05 22:49:39,663 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: timed termination at 23700.0 for action_nadir_scan
2025-11-05 22:49:39,664 data.base                      INFO       <23700.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-11-05 22:49:39,664 comm.communication             INFO       <23700.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,665 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,667 gym                            INFO       <23700.00> Step reward: 0.004947368421052631
2025-11-05 22:49:39,667 gym                            INFO       <23700.00> === STARTING STEP ===
2025-11-05 22:49:39,668 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,668 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: setting timed terminal event at 23760.0
2025-11-05 22:49:39,673 sats.satellite.Scanner-1       INFO       <23760.00> Scanner-1: timed termination at 23760.0 for action_downlink
2025-11-05 22:49:39,673 data.base                      INFO       <23760.00> Total reward: {}
2025-11-05 22:49:39,674 comm.communication             INFO       <23760.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,674 sats.satellite.Scanner-1       INFO       <23760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,676 gym                            INFO       <23760.00> Step reward: 0.0
2025-11-05 22:49:39,677 gym                            INFO       <23760.00> === STARTING STEP ===
2025-11-05 22:49:39,677 sats.satellite.Scanner-1       INFO       <23760.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,678 sats.satellite.Scanner-1       INFO       <23760.00> Scanner-1: setting timed terminal event at 23880.0
2025-11-05 22:49:39,686 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: timed termination at 23880.0 for action_charge
2025-11-05 22:49:39,686 data.base                      INFO       <23880.00> Total reward: {}
2025-11-05 22:49:39,687 comm.communication             INFO       <23880.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,687 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,689 gym                            INFO       <23880.00> Step reward: 0.0
2025-11-05 22:49:39,690 gym                            INFO       <23880.00> === STARTING STEP ===
2025-11-05 22:49:39,690 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,690 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: setting timed terminal event at 24060.0
2025-11-05 22:49:39,702 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: timed termination at 24060.0 for action_nadir_scan
2025-11-05 22:49:39,702 data.base                      INFO       <24060.00> Total reward: {'Scanner-1': 0.005543859649122807}
2025-11-05 22:49:39,703 comm.communication             INFO       <24060.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,703 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,705 gym                            INFO       <24060.00> Step reward: 0.005543859649122807
2025-11-05 22:49:39,705 gym                            INFO       <24060.00> === STARTING STEP ===
2025-11-05 22:49:39,706 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,706 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: setting timed terminal event at 24120.0
2025-11-05 22:49:39,711 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: timed termination at 24120.0 for action_downlink
2025-11-05 22:49:39,711 data.base                      INFO       <24120.00> Total reward: {}
2025-11-05 22:49:39,712 comm.communication             INFO       <24120.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,712 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,715 gym                            INFO       <24120.00> Step reward: 0.0
2025-11-05 22:49:39,715 gym                            INFO       <24120.00> === STARTING STEP ===
2025-11-05 22:49:39,716 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,716 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: setting timed terminal event at 24300.0
2025-11-05 22:49:39,727 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: timed termination at 24300.0 for action_nadir_scan
2025-11-05 22:49:39,727 data.base                      INFO       <24300.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-11-05 22:49:39,728 comm.communication             INFO       <24300.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,728 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,730 gym                            INFO       <24300.00> Step reward: 0.00487719298245614
2025-11-05 22:49:39,731 gym                            INFO       <24300.00> === STARTING STEP ===
2025-11-05 22:49:39,732 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,732 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: setting timed terminal event at 24360.0
2025-11-05 22:49:39,737 sats.satellite.Scanner-1       INFO       <24360.00> Scanner-1: timed termination at 24360.0 for action_desat
2025-11-05 22:49:39,738 data.base                      INFO       <24360.00> Total reward: {}
2025-11-05 22:49:39,738 comm.communication             INFO       <24360.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,739 sats.satellite.Scanner-1       INFO       <24360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,740 gym                            INFO       <24360.00> Step reward: 0.0
2025-11-05 22:49:39,741 gym                            INFO       <24360.00> === STARTING STEP ===
2025-11-05 22:49:39,741 sats.satellite.Scanner-1       INFO       <24360.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,742 sats.satellite.Scanner-1       INFO       <24360.00> Scanner-1: setting timed terminal event at 24540.0
2025-11-05 22:49:39,753 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: timed termination at 24540.0 for action_nadir_scan
2025-11-05 22:49:39,753 data.base                      INFO       <24540.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-11-05 22:49:39,754 comm.communication             INFO       <24540.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,754 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,756 gym                            INFO       <24540.00> Step reward: 0.00487719298245614
2025-11-05 22:49:39,757 gym                            INFO       <24540.00> === STARTING STEP ===
2025-11-05 22:49:39,757 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,758 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: setting timed terminal event at 24600.0
2025-11-05 22:49:39,763 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: timed termination at 24600.0 for action_desat
2025-11-05 22:49:39,763 data.base                      INFO       <24600.00> Total reward: {}
2025-11-05 22:49:39,764 comm.communication             INFO       <24600.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,764 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,766 gym                            INFO       <24600.00> Step reward: 0.0
2025-11-05 22:49:39,767 gym                            INFO       <24600.00> === STARTING STEP ===
2025-11-05 22:49:39,767 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,768 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: setting timed terminal event at 24660.0
2025-11-05 22:49:39,772 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: timed termination at 24660.0 for action_desat
2025-11-05 22:49:39,773 data.base                      INFO       <24660.00> Total reward: {}
2025-11-05 22:49:39,773 comm.communication             INFO       <24660.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,774 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,776 gym                            INFO       <24660.00> Step reward: 0.0
2025-11-05 22:49:39,776 gym                            INFO       <24660.00> === STARTING STEP ===
2025-11-05 22:49:39,777 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,777 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: setting timed terminal event at 24840.0
2025-11-05 22:49:39,788 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: timed termination at 24840.0 for action_nadir_scan
2025-11-05 22:49:39,789 data.base                      INFO       <24840.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:39,789 comm.communication             INFO       <24840.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,790 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,791 gym                            INFO       <24840.00> Step reward: 0.004912280701754385
2025-11-05 22:49:39,793 gym                            INFO       <24840.00> === STARTING STEP ===
2025-11-05 22:49:39,793 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,794 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: setting timed terminal event at 25020.0
2025-11-05 22:49:39,804 sats.satellite.Scanner-1       INFO       <25020.00> Scanner-1: timed termination at 25020.0 for action_nadir_scan
2025-11-05 22:49:39,805 data.base                      INFO       <25020.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:39,806 comm.communication             INFO       <25020.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,806 sats.satellite.Scanner-1       INFO       <25020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,808 gym                            INFO       <25020.00> Step reward: 0.00631578947368421
2025-11-05 22:49:39,808 gym                            INFO       <25020.00> === STARTING STEP ===
2025-11-05 22:49:39,809 sats.satellite.Scanner-1       INFO       <25020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,809 sats.satellite.Scanner-1       INFO       <25020.00> Scanner-1: setting timed terminal event at 25140.0
2025-11-05 22:49:39,817 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: timed termination at 25140.0 for action_charge
2025-11-05 22:49:39,817 data.base                      INFO       <25140.00> Total reward: {}
2025-11-05 22:49:39,818 comm.communication             INFO       <25140.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,819 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,820 gym                            INFO       <25140.00> Step reward: 0.0
2025-11-05 22:49:39,820 gym                            INFO       <25140.00> === STARTING STEP ===
2025-11-05 22:49:39,821 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,821 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: setting timed terminal event at 25200.0
2025-11-05 22:49:39,826 sats.satellite.Scanner-1       INFO       <25200.00> Scanner-1: timed termination at 25200.0 for action_downlink
2025-11-05 22:49:39,827 data.base                      INFO       <25200.00> Total reward: {}
2025-11-05 22:49:39,827 comm.communication             INFO       <25200.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,829 sats.satellite.Scanner-1       INFO       <25200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,830 gym                            INFO       <25200.00> Step reward: 0.0
2025-11-05 22:49:39,831 gym                            INFO       <25200.00> === STARTING STEP ===
2025-11-05 22:49:39,831 sats.satellite.Scanner-1       INFO       <25200.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,832 sats.satellite.Scanner-1       INFO       <25200.00> Scanner-1: setting timed terminal event at 25260.0
2025-11-05 22:49:39,836 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: timed termination at 25260.0 for action_downlink
2025-11-05 22:49:39,837 data.base                      INFO       <25260.00> Total reward: {}
2025-11-05 22:49:39,837 comm.communication             INFO       <25260.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,838 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,840 gym                            INFO       <25260.00> Step reward: 0.0
2025-11-05 22:49:39,840 gym                            INFO       <25260.00> === STARTING STEP ===
2025-11-05 22:49:39,840 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,841 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: setting timed terminal event at 25440.0
2025-11-05 22:49:39,853 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: timed termination at 25440.0 for action_nadir_scan
2025-11-05 22:49:39,853 data.base                      INFO       <25440.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:39,853 comm.communication             INFO       <25440.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,854 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,856 gym                            INFO       <25440.00> Step reward: 0.004912280701754385
2025-11-05 22:49:39,856 gym                            INFO       <25440.00> === STARTING STEP ===
2025-11-05 22:49:39,858 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,858 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: setting timed terminal event at 25500.0
2025-11-05 22:49:39,862 sats.satellite.Scanner-1       INFO       <25500.00> Scanner-1: timed termination at 25500.0 for action_desat
2025-11-05 22:49:39,863 data.base                      INFO       <25500.00> Total reward: {}
2025-11-05 22:49:39,864 comm.communication             INFO       <25500.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,864 sats.satellite.Scanner-1       INFO       <25500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,875 gym                            INFO       <25500.00> Step reward: 0.0
2025-11-05 22:49:39,876 gym                            INFO       <25500.00> === STARTING STEP ===
2025-11-05 22:49:39,876 sats.satellite.Scanner-1       INFO       <25500.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,877 sats.satellite.Scanner-1       INFO       <25500.00> Scanner-1: setting timed terminal event at 25560.0
2025-11-05 22:49:39,881 sats.satellite.Scanner-1       INFO       <25560.00> Scanner-1: timed termination at 25560.0 for action_downlink
2025-11-05 22:49:39,882 data.base                      INFO       <25560.00> Total reward: {}
2025-11-05 22:49:39,883 comm.communication             INFO       <25560.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,883 sats.satellite.Scanner-1       INFO       <25560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,885 gym                            INFO       <25560.00> Step reward: 0.0
2025-11-05 22:49:39,886 gym                            INFO       <25560.00> === STARTING STEP ===
2025-11-05 22:49:39,886 sats.satellite.Scanner-1       INFO       <25560.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,887 sats.satellite.Scanner-1       INFO       <25560.00> Scanner-1: setting timed terminal event at 25680.0
2025-11-05 22:49:39,895 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: timed termination at 25680.0 for action_charge
2025-11-05 22:49:39,895 data.base                      INFO       <25680.00> Total reward: {}
2025-11-05 22:49:39,895 comm.communication             INFO       <25680.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,896 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,898 gym                            INFO       <25680.00> Step reward: 0.0
2025-11-05 22:49:39,898 gym                            INFO       <25680.00> === STARTING STEP ===
2025-11-05 22:49:39,899 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,899 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: setting timed terminal event at 25740.0
2025-11-05 22:49:39,904 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: timed termination at 25740.0 for action_downlink
2025-11-05 22:49:39,904 data.base                      INFO       <25740.00> Total reward: {}
2025-11-05 22:49:39,905 comm.communication             INFO       <25740.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,906 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,908 gym                            INFO       <25740.00> Step reward: 0.0
2025-11-05 22:49:39,908 gym                            INFO       <25740.00> === STARTING STEP ===
2025-11-05 22:49:39,909 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,909 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: setting timed terminal event at 25920.0
2025-11-05 22:49:39,920 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: timed termination at 25920.0 for action_nadir_scan
2025-11-05 22:49:39,921 data.base                      INFO       <25920.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-11-05 22:49:39,921 comm.communication             INFO       <25920.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,922 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,923 gym                            INFO       <25920.00> Step reward: 0.004947368421052631
2025-11-05 22:49:39,924 gym                            INFO       <25920.00> === STARTING STEP ===
2025-11-05 22:49:39,925 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:39,925 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: setting timed terminal event at 25980.0
2025-11-05 22:49:39,930 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: timed termination at 25980.0 for action_desat
2025-11-05 22:49:39,931 data.base                      INFO       <25980.00> Total reward: {}
2025-11-05 22:49:39,931 comm.communication             INFO       <25980.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,932 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,933 gym                            INFO       <25980.00> Step reward: 0.0
2025-11-05 22:49:39,934 gym                            INFO       <25980.00> === STARTING STEP ===
2025-11-05 22:49:39,935 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,935 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: setting timed terminal event at 26040.0
2025-11-05 22:49:39,940 sats.satellite.Scanner-1       INFO       <26040.00> Scanner-1: timed termination at 26040.0 for action_downlink
2025-11-05 22:49:39,940 data.base                      INFO       <26040.00> Total reward: {}
2025-11-05 22:49:39,941 comm.communication             INFO       <26040.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,941 sats.satellite.Scanner-1       INFO       <26040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,943 gym                            INFO       <26040.00> Step reward: 0.0
2025-11-05 22:49:39,943 gym                            INFO       <26040.00> === STARTING STEP ===
2025-11-05 22:49:39,944 sats.satellite.Scanner-1       INFO       <26040.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:39,944 sats.satellite.Scanner-1       INFO       <26040.00> Scanner-1: setting timed terminal event at 26220.0
2025-11-05 22:49:39,956 sats.satellite.Scanner-1       INFO       <26220.00> Scanner-1: timed termination at 26220.0 for action_nadir_scan
2025-11-05 22:49:39,956 data.base                      INFO       <26220.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:39,957 comm.communication             INFO       <26220.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,957 sats.satellite.Scanner-1       INFO       <26220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,959 gym                            INFO       <26220.00> Step reward: 0.004912280701754385
2025-11-05 22:49:39,959 gym                            INFO       <26220.00> === STARTING STEP ===
2025-11-05 22:49:39,960 sats.satellite.Scanner-1       INFO       <26220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,960 sats.satellite.Scanner-1       INFO       <26220.00> Scanner-1: setting timed terminal event at 26280.0
2025-11-05 22:49:39,965 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: timed termination at 26280.0 for action_downlink
2025-11-05 22:49:39,966 data.base                      INFO       <26280.00> Total reward: {}
2025-11-05 22:49:39,966 comm.communication             INFO       <26280.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,967 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,969 gym                            INFO       <26280.00> Step reward: 0.0
2025-11-05 22:49:39,969 gym                            INFO       <26280.00> === STARTING STEP ===
2025-11-05 22:49:39,970 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:39,971 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: setting timed terminal event at 26340.0
2025-11-05 22:49:39,975 sats.satellite.Scanner-1       INFO       <26340.00> Scanner-1: timed termination at 26340.0 for action_downlink
2025-11-05 22:49:39,975 data.base                      INFO       <26340.00> Total reward: {}
2025-11-05 22:49:39,976 comm.communication             INFO       <26340.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,976 sats.satellite.Scanner-1       INFO       <26340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,978 gym                            INFO       <26340.00> Step reward: 0.0
2025-11-05 22:49:39,979 gym                            INFO       <26340.00> === STARTING STEP ===
2025-11-05 22:49:39,979 sats.satellite.Scanner-1       INFO       <26340.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,979 sats.satellite.Scanner-1       INFO       <26340.00> Scanner-1: setting timed terminal event at 26460.0
2025-11-05 22:49:39,988 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: timed termination at 26460.0 for action_charge
2025-11-05 22:49:39,988 data.base                      INFO       <26460.00> Total reward: {}
2025-11-05 22:49:39,989 comm.communication             INFO       <26460.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:39,990 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:39,991 gym                            INFO       <26460.00> Step reward: 0.0
2025-11-05 22:49:39,992 gym                            INFO       <26460.00> === STARTING STEP ===
2025-11-05 22:49:39,992 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:39,993 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: setting timed terminal event at 26580.0
2025-11-05 22:49:40,000 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: timed termination at 26580.0 for action_charge
2025-11-05 22:49:40,001 data.base                      INFO       <26580.00> Total reward: {}
2025-11-05 22:49:40,001 comm.communication             INFO       <26580.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,002 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,004 gym                            INFO       <26580.00> Step reward: 0.0
2025-11-05 22:49:40,004 gym                            INFO       <26580.00> === STARTING STEP ===
2025-11-05 22:49:40,005 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:40,006 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: setting timed terminal event at 26640.0
2025-11-05 22:49:40,010 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: timed termination at 26640.0 for action_desat
2025-11-05 22:49:40,011 data.base                      INFO       <26640.00> Total reward: {}
2025-11-05 22:49:40,012 comm.communication             INFO       <26640.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,012 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,014 gym                            INFO       <26640.00> Step reward: 0.0
2025-11-05 22:49:40,015 gym                            INFO       <26640.00> === STARTING STEP ===
2025-11-05 22:49:40,015 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:40,015 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: setting timed terminal event at 26760.0
2025-11-05 22:49:40,024 sats.satellite.Scanner-1       INFO       <26760.00> Scanner-1: timed termination at 26760.0 for action_charge
2025-11-05 22:49:40,024 data.base                      INFO       <26760.00> Total reward: {}
2025-11-05 22:49:40,024 comm.communication             INFO       <26760.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,025 sats.satellite.Scanner-1       INFO       <26760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,027 gym                            INFO       <26760.00> Step reward: 0.0
2025-11-05 22:49:40,027 gym                            INFO       <26760.00> === STARTING STEP ===
2025-11-05 22:49:40,028 sats.satellite.Scanner-1       INFO       <26760.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:40,028 sats.satellite.Scanner-1       INFO       <26760.00> Scanner-1: setting timed terminal event at 26880.0
2025-11-05 22:49:40,036 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: timed termination at 26880.0 for action_charge
2025-11-05 22:49:40,037 data.base                      INFO       <26880.00> Total reward: {}
2025-11-05 22:49:40,037 comm.communication             INFO       <26880.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,038 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,040 gym                            INFO       <26880.00> Step reward: 0.0
2025-11-05 22:49:40,040 gym                            INFO       <26880.00> === STARTING STEP ===
2025-11-05 22:49:40,041 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:40,042 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: setting timed terminal event at 26940.0
2025-11-05 22:49:40,046 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: timed termination at 26940.0 for action_desat
2025-11-05 22:49:40,047 data.base                      INFO       <26940.00> Total reward: {}
2025-11-05 22:49:40,048 comm.communication             INFO       <26940.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,048 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,050 gym                            INFO       <26940.00> Step reward: 0.0
2025-11-05 22:49:40,050 gym                            INFO       <26940.00> === STARTING STEP ===
2025-11-05 22:49:40,051 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:40,051 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: setting timed terminal event at 27000.0
2025-11-05 22:49:40,056 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: timed termination at 27000.0 for action_desat
2025-11-05 22:49:40,057 data.base                      INFO       <27000.00> Total reward: {}
2025-11-05 22:49:40,057 comm.communication             INFO       <27000.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,058 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,059 gym                            INFO       <27000.00> Step reward: 0.0
2025-11-05 22:49:40,060 gym                            INFO       <27000.00> === STARTING STEP ===
2025-11-05 22:49:40,060 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:40,061 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: setting timed terminal event at 27060.0
2025-11-05 22:49:40,066 sats.satellite.Scanner-1       INFO       <27060.00> Scanner-1: timed termination at 27060.0 for action_desat
2025-11-05 22:49:40,066 data.base                      INFO       <27060.00> Total reward: {}
2025-11-05 22:49:40,067 comm.communication             INFO       <27060.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,067 sats.satellite.Scanner-1       INFO       <27060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,070 gym                            INFO       <27060.00> Step reward: 0.0
2025-11-05 22:49:40,070 gym                            INFO       <27060.00> === STARTING STEP ===
2025-11-05 22:49:40,071 sats.satellite.Scanner-1       INFO       <27060.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:40,071 sats.satellite.Scanner-1       INFO       <27060.00> Scanner-1: setting timed terminal event at 27120.0
2025-11-05 22:49:40,076 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: timed termination at 27120.0 for action_desat
2025-11-05 22:49:40,077 data.base                      INFO       <27120.00> Total reward: {}
2025-11-05 22:49:40,077 comm.communication             INFO       <27120.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,078 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,079 gym                            INFO       <27120.00> Step reward: 0.0
2025-11-05 22:49:40,081 gym                            INFO       <27120.00> === STARTING STEP ===
2025-11-05 22:49:40,081 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:40,082 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: setting timed terminal event at 27180.0
2025-11-05 22:49:40,086 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: timed termination at 27180.0 for action_downlink
2025-11-05 22:49:40,087 data.base                      INFO       <27180.00> Total reward: {}
2025-11-05 22:49:40,087 comm.communication             INFO       <27180.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,088 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,090 gym                            INFO       <27180.00> Step reward: 0.0
2025-11-05 22:49:40,090 gym                            INFO       <27180.00> === STARTING STEP ===
2025-11-05 22:49:40,091 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:40,092 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: setting timed terminal event at 27240.0
2025-11-05 22:49:40,096 sats.satellite.Scanner-1       INFO       <27240.00> Scanner-1: timed termination at 27240.0 for action_desat
2025-11-05 22:49:40,097 data.base                      INFO       <27240.00> Total reward: {}
2025-11-05 22:49:40,097 comm.communication             INFO       <27240.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,098 sats.satellite.Scanner-1       INFO       <27240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,100 gym                            INFO       <27240.00> Step reward: 0.0
2025-11-05 22:49:40,101 gym                            INFO       <27240.00> === STARTING STEP ===
2025-11-05 22:49:40,101 sats.satellite.Scanner-1       INFO       <27240.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:40,101 sats.satellite.Scanner-1       INFO       <27240.00> Scanner-1: setting timed terminal event at 27420.0
2025-11-05 22:49:40,113 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: timed termination at 27420.0 for action_nadir_scan
2025-11-05 22:49:40,113 data.base                      INFO       <27420.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:40,114 comm.communication             INFO       <27420.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,114 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,125 gym                            INFO       <27420.00> Step reward: 0.004912280701754385
2025-11-05 22:49:40,125 gym                            INFO       <27420.00> === STARTING STEP ===
2025-11-05 22:49:40,126 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:40,126 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: setting timed terminal event at 27480.0
2025-11-05 22:49:40,131 sats.satellite.Scanner-1       INFO       <27480.00> Scanner-1: timed termination at 27480.0 for action_downlink
2025-11-05 22:49:40,132 data.base                      INFO       <27480.00> Total reward: {}
2025-11-05 22:49:40,132 comm.communication             INFO       <27480.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,133 sats.satellite.Scanner-1       INFO       <27480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,135 gym                            INFO       <27480.00> Step reward: 0.0
2025-11-05 22:49:40,136 gym                            INFO       <27480.00> === STARTING STEP ===
2025-11-05 22:49:40,136 sats.satellite.Scanner-1       INFO       <27480.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-11-05 22:49:40,136 sats.satellite.Scanner-1       INFO       <27480.00> Scanner-1: setting timed terminal event at 27540.0
2025-11-05 22:49:40,141 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: timed termination at 27540.0 for action_downlink
2025-11-05 22:49:40,141 data.base                      INFO       <27540.00> Total reward: {}
2025-11-05 22:49:40,142 comm.communication             INFO       <27540.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,142 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,144 gym                            INFO       <27540.00> Step reward: 0.0
2025-11-05 22:49:40,145 gym                            INFO       <27540.00> === STARTING STEP ===
2025-11-05 22:49:40,145 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:40,146 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: setting timed terminal event at 27720.0
2025-11-05 22:49:40,157 sats.satellite.Scanner-1       INFO       <27720.00> Scanner-1: timed termination at 27720.0 for action_nadir_scan
2025-11-05 22:49:40,157 data.base                      INFO       <27720.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-11-05 22:49:40,158 comm.communication             INFO       <27720.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,158 sats.satellite.Scanner-1       INFO       <27720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,161 gym                            INFO       <27720.00> Step reward: 0.004912280701754385
2025-11-05 22:49:40,161 gym                            INFO       <27720.00> === STARTING STEP ===
2025-11-05 22:49:40,162 sats.satellite.Scanner-1       INFO       <27720.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-11-05 22:49:40,162 sats.satellite.Scanner-1       INFO       <27720.00> Scanner-1: setting timed terminal event at 27780.0
2025-11-05 22:49:40,167 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: timed termination at 27780.0 for action_desat
2025-11-05 22:49:40,168 data.base                      INFO       <27780.00> Total reward: {}
2025-11-05 22:49:40,168 comm.communication             INFO       <27780.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,169 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,170 gym                            INFO       <27780.00> Step reward: 0.0
2025-11-05 22:49:40,171 gym                            INFO       <27780.00> === STARTING STEP ===
2025-11-05 22:49:40,172 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:40,172 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: setting timed terminal event at 27960.0
2025-11-05 22:49:40,183 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: timed termination at 27960.0 for action_nadir_scan
2025-11-05 22:49:40,184 data.base                      INFO       <27960.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-11-05 22:49:40,184 comm.communication             INFO       <27960.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,185 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,187 gym                            INFO       <27960.00> Step reward: 0.00487719298245614
2025-11-05 22:49:40,187 gym                            INFO       <27960.00> === STARTING STEP ===
2025-11-05 22:49:40,188 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:40,188 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: setting timed terminal event at 28140.0
2025-11-05 22:49:40,199 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: timed termination at 28140.0 for action_nadir_scan
2025-11-05 22:49:40,199 data.base                      INFO       <28140.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-11-05 22:49:40,200 comm.communication             INFO       <28140.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,200 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,203 gym                            INFO       <28140.00> Step reward: 0.00631578947368421
2025-11-05 22:49:40,203 gym                            INFO       <28140.00> === STARTING STEP ===
2025-11-05 22:49:40,204 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:40,205 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: setting timed terminal event at 28260.0
2025-11-05 22:49:40,212 sats.satellite.Scanner-1       INFO       <28260.00> Scanner-1: timed termination at 28260.0 for action_charge
2025-11-05 22:49:40,213 data.base                      INFO       <28260.00> Total reward: {}
2025-11-05 22:49:40,213 comm.communication             INFO       <28260.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,214 sats.satellite.Scanner-1       INFO       <28260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,216 gym                            INFO       <28260.00> Step reward: 0.0
2025-11-05 22:49:40,216 gym                            INFO       <28260.00> === STARTING STEP ===
2025-11-05 22:49:40,217 sats.satellite.Scanner-1       INFO       <28260.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-11-05 22:49:40,217 sats.satellite.Scanner-1       INFO       <28260.00> Scanner-1: setting timed terminal event at 28380.0
2025-11-05 22:49:40,225 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: timed termination at 28380.0 for action_charge
2025-11-05 22:49:40,226 data.base                      INFO       <28380.00> Total reward: {}
2025-11-05 22:49:40,226 comm.communication             INFO       <28380.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,226 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-11-05 22:49:40,228 gym                            INFO       <28380.00> Step reward: 0.0
2025-11-05 22:49:40,229 gym                            INFO       <28380.00> === STARTING STEP ===
2025-11-05 22:49:40,229 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-11-05 22:49:40,230 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: setting timed terminal event at 28560.0
2025-11-05 22:49:40,238 data.base                      INFO       <28500.00> Total reward: {'Scanner-1': 0.003157894736842105}
2025-11-05 22:49:40,238 comm.communication             INFO       <28500.00> Optimizing data communication between all pairs of satellites
2025-11-05 22:49:40,240 gym                            INFO       <28500.00> Step reward: 0.003157894736842105
2025-11-05 22:49:40,240 gym                            INFO       <28500.00> Episode terminated: True
2025-11-05 22:49:40,241 gym                            INFO       <28500.00> Episode truncated: True