Training with RLlib PPO

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

  1. for bsk_rl environments because it steps environments copies asynchronously; because of the variable step lengths, variable episode step counts, and long episode reset times, stepping each environment independently can increase step throughput by 2-5 times.

Warning: RLlib had a bug that results in an undesirable timeout which stops training. It has since been resolved: https://github.com/ray-project/ray/pull/45147

RLlib is actively developed and can change significantly from version to version. For this script, the following version is used:

[1]:
from importlib.metadata import version
version("ray")  # Parent package of RLlib
[1]:
'2.35.0'

Define the Environment

A nadir-scanning environment is created, to the one used in this paper. The satellite has to collect data while managing the data buffer level and battery level.

First, the satellite class is defined. A custom dynamics model is created that defines a few additional properties to use in the state.

[2]:
import numpy as np
from bsk_rl import act, data, obs, sats, scene
from bsk_rl.sim import dyn, fsw

class ScanningDownlinkDynModel(dyn.ContinuousImagingDynModel, dyn.GroundStationDynModel):
    # Define some custom properties to be accessed in the state
    @property
    def instrument_pointing_error(self) -> float:
        r_BN_P_unit = self.r_BN_P/np.linalg.norm(self.r_BN_P)
        c_hat_P = self.satellite.fsw.c_hat_P
        return np.arccos(np.dot(-r_BN_P_unit, c_hat_P))

    @property
    def solar_pointing_error(self) -> float:
        a = self.world.gravFactory.spiceObject.planetStateOutMsgs[
            self.world.sun_index
        ].read().PositionVector
        a_hat_N = a / np.linalg.norm(a)
        nHat_B = self.satellite.sat_args["nHat_B"]
        NB = np.transpose(self.BN)
        nHat_N = NB @ nHat_B
        return np.arccos(np.dot(nHat_N, a_hat_N))

class ScanningSatellite(sats.AccessSatellite):
    observation_spec = [
        obs.SatProperties(
            dict(prop="storage_level_fraction"),
            dict(prop="battery_charge_fraction"),
            dict(prop="wheel_speeds_fraction"),
            dict(prop="instrument_pointing_error", norm=np.pi),
            dict(prop="solar_pointing_error", norm=np.pi)
        ),
        obs.OpportunityProperties(
            dict(prop="opportunity_open", norm=5700),
            dict(prop="opportunity_close", norm=5700),
            type="ground_station",
            n_ahead_observe=1,
        ),
        obs.Eclipse(norm=5700),
        obs.Time(),
    ]
    action_spec = [
        act.Scan(duration=180.0),
        act.Charge(duration=120.0),
        act.Downlink(duration=60.0),
        act.Desat(duration=60.0),
    ]
    dyn_type = ScanningDownlinkDynModel
    fsw_type = fsw.ContinuousImagingFSWModel

Next, parameters are set. Since this scenario is focused on maintaining acceptable data and power levels, these are tuned to create a sufficiently interesting mission.

[3]:
sat = ScanningSatellite(
    "Scanner-1",
    sat_args=dict(
        # Data
        dataStorageCapacity=5000 * 8e6,  # bits
        storageInit=lambda: np.random.uniform(0.0, 0.8) * 5000 * 8e6,
        instrumentBaudRate=0.5 * 8e6,
        transmitterBaudRate=-50 * 8e6,
        # Power
        batteryStorageCapacity=200 * 3600,  # W*s
        storedCharge_Init=lambda: np.random.uniform(0.3, 1.0) * 200 * 3600,
        basePowerDraw=-10.0,  # W
        instrumentPowerDraw=-30.0,  # W
        transmitterPowerDraw=-25.0,  # W
        thrusterPowerDraw=-80.0,  # W
        panelArea=0.25,
        # Attitude
        imageAttErrorRequirement=0.1,
        imageRateErrorRequirement=0.1,
        disturbance_vector=lambda: np.random.normal(scale=0.0001, size=3),  # N*m
        maxWheelSpeed=6000.0,  # RPM
        wheelSpeeds=lambda: np.random.uniform(-3000, 3000, 3),
        desatAttitude="nadir",
    )
)

Finally, the environment arguments are set. Stepping through this environment is demonstrated at the bottom of the page.

[4]:
duration = 5 * 5700.0  # About 5 orbits
env_args = dict(
    satellite=sat,
    scenario=scene.UniformNadirScanning(value_per_second=1/duration),
    rewarder=data.ScanningTimeReward(),
    time_limit=duration,
    failure_penalty=-1.0,
    terminate_on_time_limit=True,
)

Set Up Custom Logging

The bsk_rl package supplies a utility to make logging information at the end of episodes easier. This is useful to see how an agent’s policy is changing over time, using a monitoring program such as TensorBoard. The callback is configured by writing a function that takes the environment as an input and returns a dictionary with values to be logged.

[5]:
def episode_data_callback(env):
    reward = env.rewarder.cum_reward
    reward = sum(reward.values()) / len(reward)
    orbits = env.simulator.sim_time / (95 * 60)

    data = dict(
        reward=reward,
        # Are satellites dying, and how and when?
        alive=float(env.satellite.is_alive()),
        rw_status_valid=float(env.satellite.dynamics.rw_speeds_valid()),
        battery_status_valid=float(env.satellite.dynamics.battery_valid()),
        orbits_complete=orbits,
    )
    if orbits > 0:
        data["reward_per_orbit"] = reward / orbits
    if not env.satellite.is_alive():
        data["orbits_complete_partial_only"] = orbits

    return data

Configure Ray and PPO

PPO (or some other algorithm) can be configured. Of particular importance are setting sample_timeout_s and metrics_episode_collection_timeout_s to appropriately high values for this environment. The episode_data_callback is included in the environment arguments, and the WrappedEpisodeDataCallbacks must be included in training to trigger logging.

[6]:
import bsk_rl.utils.rllib  # noqa To access "SatelliteTasking-RLlib"
from ray.rllib.algorithms.ppo import PPOConfig
from bsk_rl.utils.rllib.callbacks import WrappedEpisodeDataCallbacks

N_CPUS = 3

training_args = dict(
    lr=0.00003,
    gamma=0.999,
    train_batch_size=250,  # usually a larger number, like 2500
    num_sgd_iter=10,
    model=dict(fcnet_hiddens=[512, 512], vf_share_layers=False),
    lambda_=0.95,
    use_kl_loss=False,
    clip_param=0.1,
    grad_clip=0.5,
)

config = (
    PPOConfig()
    .training(**training_args)
    .env_runners(num_env_runners=N_CPUS-1, sample_timeout_s=1000.0)
    .environment(
        env="SatelliteTasking-RLlib",
        env_config=dict(**env_args, episode_data_callback=episode_data_callback),
    )
    .reporting(
        metrics_num_episodes_for_smoothing=1,
        metrics_episode_collection_timeout_s=180,
    )
    .checkpointing(export_native_model_files=True)
    .framework(framework="torch")
    .api_stack(
        enable_rl_module_and_learner=True,
        enable_env_runner_and_connector_v2=True,
    )
    .callbacks(WrappedEpisodeDataCallbacks)
)

Once the PPO configuration has been set, ray can be started and the agent can be trained.

Training on a reasonably modern machine, we can achieve 5M steps over 32 processors in 6 to 18 hours, depending on specific environment configurations.

Note that the custom logging metrics are reported under env_runners.

[7]:
import ray
from ray import tune

ray.init(
    ignore_reinit_error=True,
    num_cpus=N_CPUS,
    object_store_memory=2_000_000_000,  # 2 GB
)

# Run the training
tune.run(
    "PPO",
    config=config.to_dict(),
    stop={"training_iteration": 10},  # Adjust the number of iterations as needed
    checkpoint_freq=10,
    checkpoint_at_end=True
)

# Shutdown Ray
ray.shutdown()
2025-09-30 17:48:32,984 INFO worker.py:1783 -- Started a local Ray instance.
2025-09-30 17:48:36,600 INFO tune.py:616 -- [output] This uses the legacy output and progress reporter, as Jupyter notebooks are not supported by the new engine, yet. For more information, please see https://github.com/ray-project/ray/issues/36949
/opt/hostedtoolcache/Python/3.11.13/x64/lib/python3.11/site-packages/gymnasium/spaces/box.py:130: UserWarning: WARN: Box bound precision lowered by casting to float32
  gym.logger.warn(f"Box bound precision lowered by casting to {self.dtype}")
/opt/hostedtoolcache/Python/3.11.13/x64/lib/python3.11/site-packages/gymnasium/utils/passive_env_checker.py:164: UserWarning: WARN: The obs returned by the `reset()` method was expecting numpy array dtype to be float32, actual type: float64
  logger.warn(
/opt/hostedtoolcache/Python/3.11.13/x64/lib/python3.11/site-packages/gymnasium/utils/passive_env_checker.py:188: UserWarning: WARN: The obs returned by the `reset()` method is not within the observation space.
  logger.warn(f"{pre} is not within the observation space.")

Tune Status

Current time:2025-09-30 17:49:27
Running for: 00:00:51.07
Memory: 4.5/15.6 GiB

System Info

Using FIFO scheduling algorithm.
Logical resource usage: 3.0/3 CPUs, 0/0 GPUs

Trial Status

Trial name status loc iter total time (s) num_env_steps_sample d_lifetime num_episodes_lifetim e num_env_steps_traine d_lifetime
PPO_SatelliteTasking-RLlib_b0d5b_00000TERMINATED10.1.1.120:5191 10 35.36682500102500
(PPO pid=5191) Install gputil for GPU system monitoring.

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_b0d5b_00000{'num_module_steps_sampled': {'default_policy': 250}, 'alive': np.float64(0.0), 'sample': np.float64(2.3797049151614873), 'num_module_steps_sampled_lifetime': {'default_policy': 13750}, 'reward': np.float64(0.20066666666666666), 'num_agent_steps_sampled': {'default_agent': 250}, 'battery_status_valid': np.float64(0.0), 'num_env_steps_sampled': 250, 'rw_status_valid': np.float64(1.0), 'num_episodes': 1, 'orbits_complete': np.float64(3.042105263157895), 'num_env_steps_sampled_lifetime': 25000, 'num_agent_steps_sampled_lifetime': {'default_agent': 13750}, 'agent_episode_returns_mean': {'default_agent': -0.7640701754385966}, 'episode_return_min': -0.7993333333333333, 'episode_return_max': -0.7288070175438597, 'episode_return_mean': -0.7640701754385966, 'reward_per_orbit': np.float64(0.06596309111880046), 'episode_len_mean': 194.0, 'episode_len_max': 220, 'orbits_complete_partial_only': np.float64(3.042105263157895), 'time_between_sampling': np.float64(0.21800363542228732), 'module_episode_returns_mean': {'default_policy': -0.7640701754385966}, 'episode_len_min': 168, 'episode_duration_sec_mean': 3.6687058265000587}{'num_healthy_workers': 2, 'num_in_flight_async_reqs': 0, 'num_remote_worker_restarts': 0}{'__all_modules__': {'num_non_trainable_parameters': 0.0, 'total_loss': -0.3982566297054291, 'num_module_steps_trained': 250, 'num_env_steps_trained': 250, 'num_trainable_parameters': 139525.0}, 'default_policy': {'entropy': 1.3758273124694824, 'gradients_default_optimizer_global_norm': 0.24251899123191833, 'mean_kl_loss': 0.0, 'curr_entropy_coeff': 0.0, 'default_optimizer_learning_rate': 3e-05, 'total_loss': -0.3982566297054291, 'num_non_trainable_parameters': 0.0, 'policy_loss': -0.3999844789505005, 'vf_loss': 0.0017278635641559958, 'vf_loss_unclipped': 0.0017278635641559958, 'vf_explained_var': 0.8655658960342407, 'num_module_steps_trained': 250, 'num_trainable_parameters': 139525.0}}{'default_agent': 2500} 2500 2500 10{'cpu_util_percent': np.float64(47.400000000000006), 'ram_util_percent': np.float64(28.9)}{'env_runner_sampling_timer': 2.532231488395686, 'learner_update_timer': 0.11338595851887967, 'synch_weights': 0.005777549633723964, 'synch_env_connectors': 0.005847138208604531}
(SingleAgentEnvRunner pid=5239) 2025-09-30 17:48:56,981 sats.satellite.Scanner-1       WARNING    <25080.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5239) 2025-09-30 17:48:59,199 sats.satellite.Scanner-1       WARNING    <11280.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5239) 2025-09-30 17:49:10,095 sats.satellite.Scanner-1       WARNING    <16500.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5238) 2025-09-30 17:49:18,445 sats.satellite.Scanner-1       WARNING    <27360.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5239) 2025-09-30 17:49:25,836 sats.satellite.Scanner-1       WARNING    <17340.00> Scanner-1: failed battery_valid check [repeated 3x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/user-guides/configure-logging.html#log-deduplication for more options.)
2025-09-30 17:49:27,710 INFO tune.py:1009 -- Wrote the latest version of all result files and experiment state to '/home/runner/ray_results/PPO_2025-09-30_17-48-36' in 0.0224s.
(PPO pid=5191) Checkpoint successfully created at: Checkpoint(filesystem=local, path=/home/runner/ray_results/PPO_2025-09-30_17-48-36/PPO_SatelliteTasking-RLlib_b0d5b_00000_0_2025-09-30_17-48-36/checkpoint_000000)
2025-09-30 17:49:27,894 INFO tune.py:1041 -- Total run time: 51.29 seconds (51.05 seconds for the tuning loop).

Loading the Policy Network

The policy network can be found in the p0 subdirectory of the checkpoint output, if using the torch backend, and the model subdirectory of the checkpoint output. Use bsk_rl.utils.rllib.load_torch_mlp_policy to load torch policies.

Stepping Through the Environment

The environment is stepped through with random actions to give a sense of how it acts.

[8]:
from bsk_rl import SatelliteTasking

env = SatelliteTasking(**env_args, log_level="INFO")
env.reset()
terminated = False
while not terminated:
    action = env.action_space.sample()
    observation, reward, terminated, truncated, info = env.step(action)
2025-09-30 17:49:29,304 gym                            INFO       Resetting environment with seed=3101393745
2025-09-30 17:49:29,396 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: Finding opportunity windows from 0.00 to 28500.00 seconds
2025-09-30 17:49:29,499 gym                            INFO       <0.00> Environment reset
2025-09-30 17:49:29,500 gym                            INFO       <0.00> === STARTING STEP ===
2025-09-30 17:49:29,501 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:29,501 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: setting timed terminal event at 60.0
2025-09-30 17:49:29,512 sats.satellite.Scanner-1       INFO       <60.00> Scanner-1: timed termination at 60.0 for action_downlink
2025-09-30 17:49:29,513 data.base                      INFO       <60.00> Total reward: {}
2025-09-30 17:49:29,513 comm.communication             INFO       <60.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,514 sats.satellite.Scanner-1       INFO       <60.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,516 gym                            INFO       <60.00> Step reward: 0.0
2025-09-30 17:49:29,517 gym                            INFO       <60.00> === STARTING STEP ===
2025-09-30 17:49:29,517 sats.satellite.Scanner-1       INFO       <60.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:29,518 sats.satellite.Scanner-1       INFO       <60.00> Scanner-1: setting timed terminal event at 240.0
2025-09-30 17:49:29,543 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: timed termination at 240.0 for action_nadir_scan
2025-09-30 17:49:29,544 data.base                      INFO       <240.00> Total reward: {'Scanner-1': 0.002421052631578947}
2025-09-30 17:49:29,544 comm.communication             INFO       <240.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,545 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,547 gym                            INFO       <240.00> Step reward: 0.002421052631578947
2025-09-30 17:49:29,548 gym                            INFO       <240.00> === STARTING STEP ===
2025-09-30 17:49:29,549 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:29,549 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: setting timed terminal event at 300.0
2025-09-30 17:49:29,558 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: timed termination at 300.0 for action_downlink
2025-09-30 17:49:29,558 data.base                      INFO       <300.00> Total reward: {}
2025-09-30 17:49:29,559 comm.communication             INFO       <300.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,560 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,562 gym                            INFO       <300.00> Step reward: 0.0
2025-09-30 17:49:29,562 gym                            INFO       <300.00> === STARTING STEP ===
2025-09-30 17:49:29,563 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:29,563 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: setting timed terminal event at 360.0
2025-09-30 17:49:29,572 sats.satellite.Scanner-1       INFO       <360.00> Scanner-1: timed termination at 360.0 for action_downlink
2025-09-30 17:49:29,572 data.base                      INFO       <360.00> Total reward: {}
2025-09-30 17:49:29,573 comm.communication             INFO       <360.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,574 sats.satellite.Scanner-1       INFO       <360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,575 gym                            INFO       <360.00> Step reward: 0.0
2025-09-30 17:49:29,576 gym                            INFO       <360.00> === STARTING STEP ===
2025-09-30 17:49:29,576 sats.satellite.Scanner-1       INFO       <360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:29,577 sats.satellite.Scanner-1       INFO       <360.00> Scanner-1: setting timed terminal event at 420.0
2025-09-30 17:49:29,586 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: timed termination at 420.0 for action_desat
2025-09-30 17:49:29,586 data.base                      INFO       <420.00> Total reward: {}
2025-09-30 17:49:29,587 comm.communication             INFO       <420.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,587 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,590 gym                            INFO       <420.00> Step reward: 0.0
2025-09-30 17:49:29,591 gym                            INFO       <420.00> === STARTING STEP ===
2025-09-30 17:49:29,591 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:29,592 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: setting timed terminal event at 480.0
2025-09-30 17:49:29,600 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: timed termination at 480.0 for action_downlink
2025-09-30 17:49:29,601 data.base                      INFO       <480.00> Total reward: {}
2025-09-30 17:49:29,601 comm.communication             INFO       <480.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,602 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,604 gym                            INFO       <480.00> Step reward: 0.0
2025-09-30 17:49:29,604 gym                            INFO       <480.00> === STARTING STEP ===
2025-09-30 17:49:29,606 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:29,606 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: setting timed terminal event at 600.0
2025-09-30 17:49:29,620 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: timed termination at 600.0 for action_charge
2025-09-30 17:49:29,620 data.base                      INFO       <600.00> Total reward: {}
2025-09-30 17:49:29,621 comm.communication             INFO       <600.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,621 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,623 gym                            INFO       <600.00> Step reward: 0.0
2025-09-30 17:49:29,624 gym                            INFO       <600.00> === STARTING STEP ===
2025-09-30 17:49:29,625 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:29,625 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: setting timed terminal event at 780.0
2025-09-30 17:49:29,648 sats.satellite.Scanner-1       INFO       <780.00> Scanner-1: timed termination at 780.0 for action_nadir_scan
2025-09-30 17:49:29,649 data.base                      INFO       <780.00> Total reward: {'Scanner-1': 3.508771929824561e-05}
2025-09-30 17:49:29,649 comm.communication             INFO       <780.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,650 sats.satellite.Scanner-1       INFO       <780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,652 gym                            INFO       <780.00> Step reward: 3.508771929824561e-05
2025-09-30 17:49:29,653 gym                            INFO       <780.00> === STARTING STEP ===
2025-09-30 17:49:29,653 sats.satellite.Scanner-1       INFO       <780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:29,654 sats.satellite.Scanner-1       INFO       <780.00> Scanner-1: setting timed terminal event at 900.0
2025-09-30 17:49:29,667 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: timed termination at 900.0 for action_charge
2025-09-30 17:49:29,668 data.base                      INFO       <900.00> Total reward: {}
2025-09-30 17:49:29,668 comm.communication             INFO       <900.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,669 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,671 gym                            INFO       <900.00> Step reward: 0.0
2025-09-30 17:49:29,672 gym                            INFO       <900.00> === STARTING STEP ===
2025-09-30 17:49:29,672 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:29,673 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: setting timed terminal event at 1020.0
2025-09-30 17:49:29,686 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: timed termination at 1020.0 for action_charge
2025-09-30 17:49:29,687 data.base                      INFO       <1020.00> Total reward: {}
2025-09-30 17:49:29,687 comm.communication             INFO       <1020.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,688 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,690 gym                            INFO       <1020.00> Step reward: 0.0
2025-09-30 17:49:29,691 gym                            INFO       <1020.00> === STARTING STEP ===
2025-09-30 17:49:29,691 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:29,692 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: setting timed terminal event at 1080.0
2025-09-30 17:49:29,699 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: timed termination at 1080.0 for action_desat
2025-09-30 17:49:29,700 data.base                      INFO       <1080.00> Total reward: {}
2025-09-30 17:49:29,700 comm.communication             INFO       <1080.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,701 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,702 gym                            INFO       <1080.00> Step reward: 0.0
2025-09-30 17:49:29,704 gym                            INFO       <1080.00> === STARTING STEP ===
2025-09-30 17:49:29,705 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:29,705 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: setting timed terminal event at 1140.0
2025-09-30 17:49:29,713 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: timed termination at 1140.0 for action_downlink
2025-09-30 17:49:29,713 data.base                      INFO       <1140.00> Total reward: {}
2025-09-30 17:49:29,714 comm.communication             INFO       <1140.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,714 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,716 gym                            INFO       <1140.00> Step reward: 0.0
2025-09-30 17:49:29,717 gym                            INFO       <1140.00> === STARTING STEP ===
2025-09-30 17:49:29,718 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:29,718 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: setting timed terminal event at 1200.0
2025-09-30 17:49:29,725 sats.satellite.Scanner-1       INFO       <1200.00> Scanner-1: timed termination at 1200.0 for action_downlink
2025-09-30 17:49:29,726 data.base                      INFO       <1200.00> Total reward: {}
2025-09-30 17:49:29,726 comm.communication             INFO       <1200.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,727 sats.satellite.Scanner-1       INFO       <1200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,729 gym                            INFO       <1200.00> Step reward: 0.0
2025-09-30 17:49:29,730 gym                            INFO       <1200.00> === STARTING STEP ===
2025-09-30 17:49:29,730 sats.satellite.Scanner-1       INFO       <1200.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:29,731 sats.satellite.Scanner-1       INFO       <1200.00> Scanner-1: setting timed terminal event at 1260.0
2025-09-30 17:49:29,740 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: timed termination at 1260.0 for action_downlink
2025-09-30 17:49:29,740 data.base                      INFO       <1260.00> Total reward: {}
2025-09-30 17:49:29,741 comm.communication             INFO       <1260.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,741 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,743 gym                            INFO       <1260.00> Step reward: 0.0
2025-09-30 17:49:29,744 gym                            INFO       <1260.00> === STARTING STEP ===
2025-09-30 17:49:29,744 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:29,745 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: setting timed terminal event at 1380.0
2025-09-30 17:49:29,759 sats.satellite.Scanner-1       INFO       <1380.00> Scanner-1: timed termination at 1380.0 for action_charge
2025-09-30 17:49:29,759 data.base                      INFO       <1380.00> Total reward: {}
2025-09-30 17:49:29,760 comm.communication             INFO       <1380.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,760 sats.satellite.Scanner-1       INFO       <1380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,762 gym                            INFO       <1380.00> Step reward: 0.0
2025-09-30 17:49:29,764 gym                            INFO       <1380.00> === STARTING STEP ===
2025-09-30 17:49:29,764 sats.satellite.Scanner-1       INFO       <1380.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:29,765 sats.satellite.Scanner-1       INFO       <1380.00> Scanner-1: setting timed terminal event at 1500.0
2025-09-30 17:49:29,778 sats.satellite.Scanner-1       INFO       <1500.00> Scanner-1: timed termination at 1500.0 for action_charge
2025-09-30 17:49:29,779 data.base                      INFO       <1500.00> Total reward: {}
2025-09-30 17:49:29,779 comm.communication             INFO       <1500.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,780 sats.satellite.Scanner-1       INFO       <1500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,782 gym                            INFO       <1500.00> Step reward: 0.0
2025-09-30 17:49:29,783 gym                            INFO       <1500.00> === STARTING STEP ===
2025-09-30 17:49:29,783 sats.satellite.Scanner-1       INFO       <1500.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:29,784 sats.satellite.Scanner-1       INFO       <1500.00> Scanner-1: setting timed terminal event at 1680.0
2025-09-30 17:49:29,805 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: timed termination at 1680.0 for action_nadir_scan
2025-09-30 17:49:29,806 data.base                      INFO       <1680.00> Total reward: {'Scanner-1': 0.001543859649122807}
2025-09-30 17:49:29,806 comm.communication             INFO       <1680.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,807 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,809 gym                            INFO       <1680.00> Step reward: 0.001543859649122807
2025-09-30 17:49:29,810 gym                            INFO       <1680.00> === STARTING STEP ===
2025-09-30 17:49:29,810 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:29,810 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: setting timed terminal event at 1740.0
2025-09-30 17:49:29,818 sats.satellite.Scanner-1       INFO       <1740.00> Scanner-1: timed termination at 1740.0 for action_downlink
2025-09-30 17:49:29,819 data.base                      INFO       <1740.00> Total reward: {}
2025-09-30 17:49:29,819 comm.communication             INFO       <1740.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,820 sats.satellite.Scanner-1       INFO       <1740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,822 gym                            INFO       <1740.00> Step reward: 0.0
2025-09-30 17:49:29,823 gym                            INFO       <1740.00> === STARTING STEP ===
2025-09-30 17:49:29,823 sats.satellite.Scanner-1       INFO       <1740.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:29,824 sats.satellite.Scanner-1       INFO       <1740.00> Scanner-1: setting timed terminal event at 1860.0
2025-09-30 17:49:29,837 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: timed termination at 1860.0 for action_charge
2025-09-30 17:49:29,838 data.base                      INFO       <1860.00> Total reward: {}
2025-09-30 17:49:29,838 comm.communication             INFO       <1860.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,839 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,841 gym                            INFO       <1860.00> Step reward: 0.0
2025-09-30 17:49:29,842 gym                            INFO       <1860.00> === STARTING STEP ===
2025-09-30 17:49:29,843 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:29,843 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: setting timed terminal event at 1920.0
2025-09-30 17:49:29,852 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: timed termination at 1920.0 for action_desat
2025-09-30 17:49:29,853 data.base                      INFO       <1920.00> Total reward: {}
2025-09-30 17:49:29,853 comm.communication             INFO       <1920.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,854 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,856 gym                            INFO       <1920.00> Step reward: 0.0
2025-09-30 17:49:29,857 gym                            INFO       <1920.00> === STARTING STEP ===
2025-09-30 17:49:29,857 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:29,858 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: setting timed terminal event at 1980.0
2025-09-30 17:49:29,866 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: timed termination at 1980.0 for action_downlink
2025-09-30 17:49:29,866 data.base                      INFO       <1980.00> Total reward: {}
2025-09-30 17:49:29,867 comm.communication             INFO       <1980.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,868 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,870 gym                            INFO       <1980.00> Step reward: 0.0
2025-09-30 17:49:29,870 gym                            INFO       <1980.00> === STARTING STEP ===
2025-09-30 17:49:29,871 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:29,871 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: setting timed terminal event at 2040.0
2025-09-30 17:49:29,879 sats.satellite.Scanner-1       INFO       <2040.00> Scanner-1: timed termination at 2040.0 for action_desat
2025-09-30 17:49:29,880 data.base                      INFO       <2040.00> Total reward: {}
2025-09-30 17:49:29,880 comm.communication             INFO       <2040.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,881 sats.satellite.Scanner-1       INFO       <2040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,883 gym                            INFO       <2040.00> Step reward: 0.0
2025-09-30 17:49:29,884 gym                            INFO       <2040.00> === STARTING STEP ===
2025-09-30 17:49:29,884 sats.satellite.Scanner-1       INFO       <2040.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:29,885 sats.satellite.Scanner-1       INFO       <2040.00> Scanner-1: setting timed terminal event at 2220.0
2025-09-30 17:49:29,909 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: timed termination at 2220.0 for action_nadir_scan
2025-09-30 17:49:29,909 data.base                      INFO       <2220.00> Total reward: {'Scanner-1': 0.005052631578947368}
2025-09-30 17:49:29,910 comm.communication             INFO       <2220.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,911 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,913 gym                            INFO       <2220.00> Step reward: 0.005052631578947368
2025-09-30 17:49:29,914 gym                            INFO       <2220.00> === STARTING STEP ===
2025-09-30 17:49:29,914 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:29,915 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: setting timed terminal event at 2280.0
2025-09-30 17:49:29,924 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: timed termination at 2280.0 for action_downlink
2025-09-30 17:49:29,925 data.base                      INFO       <2280.00> Total reward: {}
2025-09-30 17:49:29,925 comm.communication             INFO       <2280.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,925 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,927 gym                            INFO       <2280.00> Step reward: 0.0
2025-09-30 17:49:29,928 gym                            INFO       <2280.00> === STARTING STEP ===
2025-09-30 17:49:29,929 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:29,929 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: setting timed terminal event at 2340.0
2025-09-30 17:49:29,937 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: timed termination at 2340.0 for action_downlink
2025-09-30 17:49:29,937 data.base                      INFO       <2340.00> Total reward: {}
2025-09-30 17:49:29,938 comm.communication             INFO       <2340.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,938 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,940 gym                            INFO       <2340.00> Step reward: 0.0
2025-09-30 17:49:29,941 gym                            INFO       <2340.00> === STARTING STEP ===
2025-09-30 17:49:29,941 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:29,943 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: setting timed terminal event at 2400.0
2025-09-30 17:49:29,951 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: timed termination at 2400.0 for action_desat
2025-09-30 17:49:29,951 data.base                      INFO       <2400.00> Total reward: {}
2025-09-30 17:49:29,952 comm.communication             INFO       <2400.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,952 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,954 gym                            INFO       <2400.00> Step reward: 0.0
2025-09-30 17:49:29,955 gym                            INFO       <2400.00> === STARTING STEP ===
2025-09-30 17:49:29,955 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:29,956 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: setting timed terminal event at 2580.0
2025-09-30 17:49:29,976 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: timed termination at 2580.0 for action_nadir_scan
2025-09-30 17:49:29,977 data.base                      INFO       <2580.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-30 17:49:29,977 comm.communication             INFO       <2580.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,978 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,980 gym                            INFO       <2580.00> Step reward: 0.004912280701754385
2025-09-30 17:49:29,981 gym                            INFO       <2580.00> === STARTING STEP ===
2025-09-30 17:49:29,981 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:29,981 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: setting timed terminal event at 2640.0
2025-09-30 17:49:29,989 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: timed termination at 2640.0 for action_downlink
2025-09-30 17:49:29,990 data.base                      INFO       <2640.00> Total reward: {}
2025-09-30 17:49:29,990 comm.communication             INFO       <2640.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:29,992 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:29,993 gym                            INFO       <2640.00> Step reward: 0.0
2025-09-30 17:49:29,994 gym                            INFO       <2640.00> === STARTING STEP ===
2025-09-30 17:49:29,994 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:29,995 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: setting timed terminal event at 2700.0
2025-09-30 17:49:30,003 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: timed termination at 2700.0 for action_desat
2025-09-30 17:49:30,003 data.base                      INFO       <2700.00> Total reward: {}
2025-09-30 17:49:30,004 comm.communication             INFO       <2700.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,004 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,006 gym                            INFO       <2700.00> Step reward: 0.0
2025-09-30 17:49:30,007 gym                            INFO       <2700.00> === STARTING STEP ===
2025-09-30 17:49:30,007 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,008 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: setting timed terminal event at 2820.0
2025-09-30 17:49:30,021 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: timed termination at 2820.0 for action_charge
2025-09-30 17:49:30,022 data.base                      INFO       <2820.00> Total reward: {}
2025-09-30 17:49:30,022 comm.communication             INFO       <2820.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,023 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,025 gym                            INFO       <2820.00> Step reward: 0.0
2025-09-30 17:49:30,026 gym                            INFO       <2820.00> === STARTING STEP ===
2025-09-30 17:49:30,026 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,027 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: setting timed terminal event at 2940.0
2025-09-30 17:49:30,040 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: timed termination at 2940.0 for action_charge
2025-09-30 17:49:30,041 data.base                      INFO       <2940.00> Total reward: {}
2025-09-30 17:49:30,041 comm.communication             INFO       <2940.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,042 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,044 gym                            INFO       <2940.00> Step reward: 0.0
2025-09-30 17:49:30,044 gym                            INFO       <2940.00> === STARTING STEP ===
2025-09-30 17:49:30,045 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,046 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: setting timed terminal event at 3120.0
2025-09-30 17:49:30,066 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: timed termination at 3120.0 for action_nadir_scan
2025-09-30 17:49:30,067 data.base                      INFO       <3120.00> Total reward: {'Scanner-1': 0.0034736842105263155}
2025-09-30 17:49:30,067 comm.communication             INFO       <3120.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,068 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,070 gym                            INFO       <3120.00> Step reward: 0.0034736842105263155
2025-09-30 17:49:30,071 gym                            INFO       <3120.00> === STARTING STEP ===
2025-09-30 17:49:30,072 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,072 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: setting timed terminal event at 3300.0
2025-09-30 17:49:30,092 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: timed termination at 3300.0 for action_nadir_scan
2025-09-30 17:49:30,093 data.base                      INFO       <3300.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:30,093 comm.communication             INFO       <3300.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,094 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,096 gym                            INFO       <3300.00> Step reward: 0.00631578947368421
2025-09-30 17:49:30,096 gym                            INFO       <3300.00> === STARTING STEP ===
2025-09-30 17:49:30,097 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,098 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: setting timed terminal event at 3360.0
2025-09-30 17:49:30,107 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: timed termination at 3360.0 for action_downlink
2025-09-30 17:49:30,107 data.base                      INFO       <3360.00> Total reward: {}
2025-09-30 17:49:30,108 comm.communication             INFO       <3360.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,109 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,110 gym                            INFO       <3360.00> Step reward: 0.0
2025-09-30 17:49:30,111 gym                            INFO       <3360.00> === STARTING STEP ===
2025-09-30 17:49:30,112 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,112 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: setting timed terminal event at 3540.0
2025-09-30 17:49:30,135 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: timed termination at 3540.0 for action_nadir_scan
2025-09-30 17:49:30,136 data.base                      INFO       <3540.00> Total reward: {'Scanner-1': 0.0034035087719298243}
2025-09-30 17:49:30,136 comm.communication             INFO       <3540.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,137 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,139 gym                            INFO       <3540.00> Step reward: 0.0034035087719298243
2025-09-30 17:49:30,140 gym                            INFO       <3540.00> === STARTING STEP ===
2025-09-30 17:49:30,140 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,141 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: setting timed terminal event at 3720.0
2025-09-30 17:49:30,161 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: timed termination at 3720.0 for action_nadir_scan
2025-09-30 17:49:30,161 data.base                      INFO       <3720.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:30,162 comm.communication             INFO       <3720.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,162 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,164 gym                            INFO       <3720.00> Step reward: 0.00631578947368421
2025-09-30 17:49:30,165 gym                            INFO       <3720.00> === STARTING STEP ===
2025-09-30 17:49:30,166 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,166 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: setting timed terminal event at 3780.0
2025-09-30 17:49:30,174 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: timed termination at 3780.0 for action_downlink
2025-09-30 17:49:30,175 data.base                      INFO       <3780.00> Total reward: {}
2025-09-30 17:49:30,175 comm.communication             INFO       <3780.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,176 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,177 gym                            INFO       <3780.00> Step reward: 0.0
2025-09-30 17:49:30,178 gym                            INFO       <3780.00> === STARTING STEP ===
2025-09-30 17:49:30,179 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,179 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: setting timed terminal event at 3960.0
2025-09-30 17:49:30,200 sats.satellite.Scanner-1       INFO       <3960.00> Scanner-1: timed termination at 3960.0 for action_nadir_scan
2025-09-30 17:49:30,200 data.base                      INFO       <3960.00> Total reward: {'Scanner-1': 0.004210526315789474}
2025-09-30 17:49:30,201 comm.communication             INFO       <3960.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,201 sats.satellite.Scanner-1       INFO       <3960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,203 gym                            INFO       <3960.00> Step reward: 0.004210526315789474
2025-09-30 17:49:30,204 gym                            INFO       <3960.00> === STARTING STEP ===
2025-09-30 17:49:30,204 sats.satellite.Scanner-1       INFO       <3960.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,205 sats.satellite.Scanner-1       INFO       <3960.00> Scanner-1: setting timed terminal event at 4080.0
2025-09-30 17:49:30,221 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: timed termination at 4080.0 for action_charge
2025-09-30 17:49:30,222 data.base                      INFO       <4080.00> Total reward: {}
2025-09-30 17:49:30,222 comm.communication             INFO       <4080.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,222 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,224 gym                            INFO       <4080.00> Step reward: 0.0
2025-09-30 17:49:30,225 gym                            INFO       <4080.00> === STARTING STEP ===
2025-09-30 17:49:30,225 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,226 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: setting timed terminal event at 4200.0
2025-09-30 17:49:30,239 sats.satellite.Scanner-1       INFO       <4200.00> Scanner-1: timed termination at 4200.0 for action_charge
2025-09-30 17:49:30,240 data.base                      INFO       <4200.00> Total reward: {}
2025-09-30 17:49:30,240 comm.communication             INFO       <4200.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,241 sats.satellite.Scanner-1       INFO       <4200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,243 gym                            INFO       <4200.00> Step reward: 0.0
2025-09-30 17:49:30,244 gym                            INFO       <4200.00> === STARTING STEP ===
2025-09-30 17:49:30,244 sats.satellite.Scanner-1       INFO       <4200.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:30,245 sats.satellite.Scanner-1       INFO       <4200.00> Scanner-1: setting timed terminal event at 4260.0
2025-09-30 17:49:30,254 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: timed termination at 4260.0 for action_desat
2025-09-30 17:49:30,255 data.base                      INFO       <4260.00> Total reward: {}
2025-09-30 17:49:30,255 comm.communication             INFO       <4260.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,256 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,258 gym                            INFO       <4260.00> Step reward: 0.0
2025-09-30 17:49:30,259 gym                            INFO       <4260.00> === STARTING STEP ===
2025-09-30 17:49:30,259 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,260 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: setting timed terminal event at 4320.0
2025-09-30 17:49:30,267 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: timed termination at 4320.0 for action_downlink
2025-09-30 17:49:30,268 data.base                      INFO       <4320.00> Total reward: {}
2025-09-30 17:49:30,268 comm.communication             INFO       <4320.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,269 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,270 gym                            INFO       <4320.00> Step reward: 0.0
2025-09-30 17:49:30,271 gym                            INFO       <4320.00> === STARTING STEP ===
2025-09-30 17:49:30,272 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,272 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: setting timed terminal event at 4500.0
2025-09-30 17:49:30,296 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: timed termination at 4500.0 for action_nadir_scan
2025-09-30 17:49:30,296 data.base                      INFO       <4500.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-09-30 17:49:30,297 comm.communication             INFO       <4500.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,298 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,300 gym                            INFO       <4500.00> Step reward: 0.00487719298245614
2025-09-30 17:49:30,300 gym                            INFO       <4500.00> === STARTING STEP ===
2025-09-30 17:49:30,301 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,301 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: setting timed terminal event at 4680.0
2025-09-30 17:49:30,325 sats.satellite.Scanner-1       INFO       <4680.00> Scanner-1: timed termination at 4680.0 for action_nadir_scan
2025-09-30 17:49:30,326 data.base                      INFO       <4680.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:30,327 comm.communication             INFO       <4680.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,327 sats.satellite.Scanner-1       INFO       <4680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,329 gym                            INFO       <4680.00> Step reward: 0.00631578947368421
2025-09-30 17:49:30,330 gym                            INFO       <4680.00> === STARTING STEP ===
2025-09-30 17:49:30,331 sats.satellite.Scanner-1       INFO       <4680.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,331 sats.satellite.Scanner-1       INFO       <4680.00> Scanner-1: setting timed terminal event at 4860.0
2025-09-30 17:49:30,351 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: timed termination at 4860.0 for action_nadir_scan
2025-09-30 17:49:30,351 data.base                      INFO       <4860.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:30,352 comm.communication             INFO       <4860.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,352 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,354 gym                            INFO       <4860.00> Step reward: 0.00631578947368421
2025-09-30 17:49:30,355 gym                            INFO       <4860.00> === STARTING STEP ===
2025-09-30 17:49:30,356 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,356 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: setting timed terminal event at 4920.0
2025-09-30 17:49:30,364 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: timed termination at 4920.0 for action_downlink
2025-09-30 17:49:30,365 data.base                      INFO       <4920.00> Total reward: {}
2025-09-30 17:49:30,366 comm.communication             INFO       <4920.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,366 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,368 gym                            INFO       <4920.00> Step reward: 0.0
2025-09-30 17:49:30,369 gym                            INFO       <4920.00> === STARTING STEP ===
2025-09-30 17:49:30,369 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,370 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: setting timed terminal event at 5100.0
2025-09-30 17:49:30,393 sats.satellite.Scanner-1       INFO       <5100.00> Scanner-1: timed termination at 5100.0 for action_nadir_scan
2025-09-30 17:49:30,394 data.base                      INFO       <5100.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-09-30 17:49:30,394 comm.communication             INFO       <5100.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,395 sats.satellite.Scanner-1       INFO       <5100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,397 gym                            INFO       <5100.00> Step reward: 0.00487719298245614
2025-09-30 17:49:30,398 gym                            INFO       <5100.00> === STARTING STEP ===
2025-09-30 17:49:30,398 sats.satellite.Scanner-1       INFO       <5100.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,399 sats.satellite.Scanner-1       INFO       <5100.00> Scanner-1: setting timed terminal event at 5280.0
2025-09-30 17:49:30,419 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: timed termination at 5280.0 for action_nadir_scan
2025-09-30 17:49:30,419 data.base                      INFO       <5280.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:30,420 comm.communication             INFO       <5280.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,420 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,422 gym                            INFO       <5280.00> Step reward: 0.00631578947368421
2025-09-30 17:49:30,423 gym                            INFO       <5280.00> === STARTING STEP ===
2025-09-30 17:49:30,423 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:30,424 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: setting timed terminal event at 5340.0
2025-09-30 17:49:30,433 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: timed termination at 5340.0 for action_desat
2025-09-30 17:49:30,434 data.base                      INFO       <5340.00> Total reward: {}
2025-09-30 17:49:30,435 comm.communication             INFO       <5340.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,435 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,437 gym                            INFO       <5340.00> Step reward: 0.0
2025-09-30 17:49:30,438 gym                            INFO       <5340.00> === STARTING STEP ===
2025-09-30 17:49:30,438 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,439 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: setting timed terminal event at 5520.0
2025-09-30 17:49:30,462 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: timed termination at 5520.0 for action_nadir_scan
2025-09-30 17:49:30,463 data.base                      INFO       <5520.00> Total reward: {'Scanner-1': 0.004842105263157894}
2025-09-30 17:49:30,463 comm.communication             INFO       <5520.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,464 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,466 gym                            INFO       <5520.00> Step reward: 0.004842105263157894
2025-09-30 17:49:30,467 gym                            INFO       <5520.00> === STARTING STEP ===
2025-09-30 17:49:30,467 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,468 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: setting timed terminal event at 5580.0
2025-09-30 17:49:30,477 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: timed termination at 5580.0 for action_downlink
2025-09-30 17:49:30,477 data.base                      INFO       <5580.00> Total reward: {}
2025-09-30 17:49:30,478 comm.communication             INFO       <5580.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,479 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,481 gym                            INFO       <5580.00> Step reward: 0.0
2025-09-30 17:49:30,481 gym                            INFO       <5580.00> === STARTING STEP ===
2025-09-30 17:49:30,482 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,482 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: setting timed terminal event at 5700.0
2025-09-30 17:49:30,496 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: timed termination at 5700.0 for action_charge
2025-09-30 17:49:30,497 data.base                      INFO       <5700.00> Total reward: {}
2025-09-30 17:49:30,497 comm.communication             INFO       <5700.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,498 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,500 gym                            INFO       <5700.00> Step reward: 0.0
2025-09-30 17:49:30,501 gym                            INFO       <5700.00> === STARTING STEP ===
2025-09-30 17:49:30,501 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,502 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: setting timed terminal event at 5760.0
2025-09-30 17:49:30,510 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: timed termination at 5760.0 for action_downlink
2025-09-30 17:49:30,510 data.base                      INFO       <5760.00> Total reward: {}
2025-09-30 17:49:30,511 comm.communication             INFO       <5760.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,511 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,513 gym                            INFO       <5760.00> Step reward: 0.0
2025-09-30 17:49:30,514 gym                            INFO       <5760.00> === STARTING STEP ===
2025-09-30 17:49:30,514 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:30,514 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: setting timed terminal event at 5820.0
2025-09-30 17:49:30,524 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: timed termination at 5820.0 for action_desat
2025-09-30 17:49:30,525 data.base                      INFO       <5820.00> Total reward: {}
2025-09-30 17:49:30,526 comm.communication             INFO       <5820.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,526 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,528 gym                            INFO       <5820.00> Step reward: 0.0
2025-09-30 17:49:30,529 gym                            INFO       <5820.00> === STARTING STEP ===
2025-09-30 17:49:30,530 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,530 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: setting timed terminal event at 5880.0
2025-09-30 17:49:30,538 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: timed termination at 5880.0 for action_downlink
2025-09-30 17:49:30,538 data.base                      INFO       <5880.00> Total reward: {}
2025-09-30 17:49:30,539 comm.communication             INFO       <5880.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,540 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,541 gym                            INFO       <5880.00> Step reward: 0.0
2025-09-30 17:49:30,542 gym                            INFO       <5880.00> === STARTING STEP ===
2025-09-30 17:49:30,543 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,543 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: setting timed terminal event at 5940.0
2025-09-30 17:49:30,551 sats.satellite.Scanner-1       INFO       <5940.00> Scanner-1: timed termination at 5940.0 for action_downlink
2025-09-30 17:49:30,551 data.base                      INFO       <5940.00> Total reward: {}
2025-09-30 17:49:30,552 comm.communication             INFO       <5940.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,552 sats.satellite.Scanner-1       INFO       <5940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,554 gym                            INFO       <5940.00> Step reward: 0.0
2025-09-30 17:49:30,554 gym                            INFO       <5940.00> === STARTING STEP ===
2025-09-30 17:49:30,555 sats.satellite.Scanner-1       INFO       <5940.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,555 sats.satellite.Scanner-1       INFO       <5940.00> Scanner-1: setting timed terminal event at 6000.0
2025-09-30 17:49:30,563 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: timed termination at 6000.0 for action_downlink
2025-09-30 17:49:30,563 data.base                      INFO       <6000.00> Total reward: {}
2025-09-30 17:49:30,564 comm.communication             INFO       <6000.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,564 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,566 gym                            INFO       <6000.00> Step reward: 0.0
2025-09-30 17:49:30,567 gym                            INFO       <6000.00> === STARTING STEP ===
2025-09-30 17:49:30,568 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:30,568 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: setting timed terminal event at 6060.0
2025-09-30 17:49:30,577 sats.satellite.Scanner-1       INFO       <6060.00> Scanner-1: timed termination at 6060.0 for action_desat
2025-09-30 17:49:30,578 data.base                      INFO       <6060.00> Total reward: {}
2025-09-30 17:49:30,578 comm.communication             INFO       <6060.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,579 sats.satellite.Scanner-1       INFO       <6060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,580 gym                            INFO       <6060.00> Step reward: 0.0
2025-09-30 17:49:30,581 gym                            INFO       <6060.00> === STARTING STEP ===
2025-09-30 17:49:30,582 sats.satellite.Scanner-1       INFO       <6060.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:30,582 sats.satellite.Scanner-1       INFO       <6060.00> Scanner-1: setting timed terminal event at 6120.0
2025-09-30 17:49:30,591 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: timed termination at 6120.0 for action_desat
2025-09-30 17:49:30,591 data.base                      INFO       <6120.00> Total reward: {}
2025-09-30 17:49:30,592 comm.communication             INFO       <6120.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,593 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,594 gym                            INFO       <6120.00> Step reward: 0.0
2025-09-30 17:49:30,595 gym                            INFO       <6120.00> === STARTING STEP ===
2025-09-30 17:49:30,595 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,596 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: setting timed terminal event at 6300.0
2025-09-30 17:49:30,616 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: timed termination at 6300.0 for action_nadir_scan
2025-09-30 17:49:30,616 data.base                      INFO       <6300.00> Total reward: {'Scanner-1': 0.004842105263157894}
2025-09-30 17:49:30,617 comm.communication             INFO       <6300.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,617 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,619 gym                            INFO       <6300.00> Step reward: 0.004842105263157894
2025-09-30 17:49:30,620 gym                            INFO       <6300.00> === STARTING STEP ===
2025-09-30 17:49:30,621 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,621 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: setting timed terminal event at 6480.0
2025-09-30 17:49:30,642 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: timed termination at 6480.0 for action_nadir_scan
2025-09-30 17:49:30,642 data.base                      INFO       <6480.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:30,643 comm.communication             INFO       <6480.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,643 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,645 gym                            INFO       <6480.00> Step reward: 0.00631578947368421
2025-09-30 17:49:30,646 gym                            INFO       <6480.00> === STARTING STEP ===
2025-09-30 17:49:30,647 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:30,647 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: setting timed terminal event at 6540.0
2025-09-30 17:49:30,655 sats.satellite.Scanner-1       INFO       <6540.00> Scanner-1: timed termination at 6540.0 for action_desat
2025-09-30 17:49:30,655 data.base                      INFO       <6540.00> Total reward: {}
2025-09-30 17:49:30,656 comm.communication             INFO       <6540.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,657 sats.satellite.Scanner-1       INFO       <6540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,658 gym                            INFO       <6540.00> Step reward: 0.0
2025-09-30 17:49:30,659 gym                            INFO       <6540.00> === STARTING STEP ===
2025-09-30 17:49:30,659 sats.satellite.Scanner-1       INFO       <6540.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,660 sats.satellite.Scanner-1       INFO       <6540.00> Scanner-1: setting timed terminal event at 6600.0
2025-09-30 17:49:30,668 sats.satellite.Scanner-1       INFO       <6600.00> Scanner-1: timed termination at 6600.0 for action_downlink
2025-09-30 17:49:30,668 data.base                      INFO       <6600.00> Total reward: {}
2025-09-30 17:49:30,668 comm.communication             INFO       <6600.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,669 sats.satellite.Scanner-1       INFO       <6600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,671 gym                            INFO       <6600.00> Step reward: 0.0
2025-09-30 17:49:30,671 gym                            INFO       <6600.00> === STARTING STEP ===
2025-09-30 17:49:30,672 sats.satellite.Scanner-1       INFO       <6600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:30,672 sats.satellite.Scanner-1       INFO       <6600.00> Scanner-1: setting timed terminal event at 6660.0
2025-09-30 17:49:30,680 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: timed termination at 6660.0 for action_desat
2025-09-30 17:49:30,681 data.base                      INFO       <6660.00> Total reward: {}
2025-09-30 17:49:30,681 comm.communication             INFO       <6660.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,682 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,684 gym                            INFO       <6660.00> Step reward: 0.0
2025-09-30 17:49:30,684 gym                            INFO       <6660.00> === STARTING STEP ===
2025-09-30 17:49:30,685 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:30,685 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: setting timed terminal event at 6720.0
2025-09-30 17:49:30,694 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: timed termination at 6720.0 for action_desat
2025-09-30 17:49:30,694 data.base                      INFO       <6720.00> Total reward: {}
2025-09-30 17:49:30,695 comm.communication             INFO       <6720.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,695 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,697 gym                            INFO       <6720.00> Step reward: 0.0
2025-09-30 17:49:30,698 gym                            INFO       <6720.00> === STARTING STEP ===
2025-09-30 17:49:30,698 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,699 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: setting timed terminal event at 6840.0
2025-09-30 17:49:30,713 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: timed termination at 6840.0 for action_charge
2025-09-30 17:49:30,714 data.base                      INFO       <6840.00> Total reward: {}
2025-09-30 17:49:30,715 comm.communication             INFO       <6840.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,715 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,717 gym                            INFO       <6840.00> Step reward: 0.0
2025-09-30 17:49:30,718 gym                            INFO       <6840.00> === STARTING STEP ===
2025-09-30 17:49:30,718 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,719 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: setting timed terminal event at 6900.0
2025-09-30 17:49:30,726 sats.satellite.Scanner-1       INFO       <6900.00> Scanner-1: timed termination at 6900.0 for action_downlink
2025-09-30 17:49:30,727 data.base                      INFO       <6900.00> Total reward: {}
2025-09-30 17:49:30,728 comm.communication             INFO       <6900.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,728 sats.satellite.Scanner-1       INFO       <6900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,730 gym                            INFO       <6900.00> Step reward: 0.0
2025-09-30 17:49:30,731 gym                            INFO       <6900.00> === STARTING STEP ===
2025-09-30 17:49:30,731 sats.satellite.Scanner-1       INFO       <6900.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,732 sats.satellite.Scanner-1       INFO       <6900.00> Scanner-1: setting timed terminal event at 7080.0
2025-09-30 17:49:30,752 sats.satellite.Scanner-1       INFO       <7080.00> Scanner-1: timed termination at 7080.0 for action_nadir_scan
2025-09-30 17:49:30,752 data.base                      INFO       <7080.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-30 17:49:30,753 comm.communication             INFO       <7080.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,754 sats.satellite.Scanner-1       INFO       <7080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,756 gym                            INFO       <7080.00> Step reward: 0.004912280701754385
2025-09-30 17:49:30,757 gym                            INFO       <7080.00> === STARTING STEP ===
2025-09-30 17:49:30,757 sats.satellite.Scanner-1       INFO       <7080.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,758 sats.satellite.Scanner-1       INFO       <7080.00> Scanner-1: setting timed terminal event at 7200.0
2025-09-30 17:49:30,772 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: timed termination at 7200.0 for action_charge
2025-09-30 17:49:30,772 data.base                      INFO       <7200.00> Total reward: {}
2025-09-30 17:49:30,773 comm.communication             INFO       <7200.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,773 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,775 gym                            INFO       <7200.00> Step reward: 0.0
2025-09-30 17:49:30,776 gym                            INFO       <7200.00> === STARTING STEP ===
2025-09-30 17:49:30,776 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,777 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: setting timed terminal event at 7380.0
2025-09-30 17:49:30,797 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: timed termination at 7380.0 for action_nadir_scan
2025-09-30 17:49:30,798 data.base                      INFO       <7380.00> Total reward: {'Scanner-1': 0.004701754385964912}
2025-09-30 17:49:30,798 comm.communication             INFO       <7380.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,799 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,801 gym                            INFO       <7380.00> Step reward: 0.004701754385964912
2025-09-30 17:49:30,802 gym                            INFO       <7380.00> === STARTING STEP ===
2025-09-30 17:49:30,803 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,803 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: setting timed terminal event at 7500.0
2025-09-30 17:49:30,817 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: timed termination at 7500.0 for action_charge
2025-09-30 17:49:30,818 data.base                      INFO       <7500.00> Total reward: {}
2025-09-30 17:49:30,818 comm.communication             INFO       <7500.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,819 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,821 gym                            INFO       <7500.00> Step reward: 0.0
2025-09-30 17:49:30,822 gym                            INFO       <7500.00> === STARTING STEP ===
2025-09-30 17:49:30,822 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,822 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: setting timed terminal event at 7620.0
2025-09-30 17:49:30,839 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: timed termination at 7620.0 for action_charge
2025-09-30 17:49:30,839 data.base                      INFO       <7620.00> Total reward: {}
2025-09-30 17:49:30,840 comm.communication             INFO       <7620.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,840 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,842 gym                            INFO       <7620.00> Step reward: 0.0
2025-09-30 17:49:30,843 gym                            INFO       <7620.00> === STARTING STEP ===
2025-09-30 17:49:30,844 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:30,844 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: setting timed terminal event at 7800.0
2025-09-30 17:49:30,868 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: timed termination at 7800.0 for action_nadir_scan
2025-09-30 17:49:30,868 data.base                      INFO       <7800.00> Total reward: {'Scanner-1': 0.004526315789473684}
2025-09-30 17:49:30,869 comm.communication             INFO       <7800.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,870 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,872 gym                            INFO       <7800.00> Step reward: 0.004526315789473684
2025-09-30 17:49:30,873 gym                            INFO       <7800.00> === STARTING STEP ===
2025-09-30 17:49:30,873 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:30,874 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: setting timed terminal event at 7860.0
2025-09-30 17:49:30,882 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: timed termination at 7860.0 for action_desat
2025-09-30 17:49:30,882 data.base                      INFO       <7860.00> Total reward: {}
2025-09-30 17:49:30,883 comm.communication             INFO       <7860.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,883 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,885 gym                            INFO       <7860.00> Step reward: 0.0
2025-09-30 17:49:30,886 gym                            INFO       <7860.00> === STARTING STEP ===
2025-09-30 17:49:30,887 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:30,887 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: setting timed terminal event at 7920.0
2025-09-30 17:49:30,895 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: timed termination at 7920.0 for action_desat
2025-09-30 17:49:30,896 data.base                      INFO       <7920.00> Total reward: {}
2025-09-30 17:49:30,896 comm.communication             INFO       <7920.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,897 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,899 gym                            INFO       <7920.00> Step reward: 0.0
2025-09-30 17:49:30,900 gym                            INFO       <7920.00> === STARTING STEP ===
2025-09-30 17:49:30,900 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,901 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: setting timed terminal event at 8040.0
2025-09-30 17:49:30,917 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: timed termination at 8040.0 for action_charge
2025-09-30 17:49:30,917 data.base                      INFO       <8040.00> Total reward: {}
2025-09-30 17:49:30,918 comm.communication             INFO       <8040.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,918 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,921 gym                            INFO       <8040.00> Step reward: 0.0
2025-09-30 17:49:30,921 gym                            INFO       <8040.00> === STARTING STEP ===
2025-09-30 17:49:30,922 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,922 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: setting timed terminal event at 8160.0
2025-09-30 17:49:30,936 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: timed termination at 8160.0 for action_charge
2025-09-30 17:49:30,937 data.base                      INFO       <8160.00> Total reward: {}
2025-09-30 17:49:30,937 comm.communication             INFO       <8160.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,938 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,940 gym                            INFO       <8160.00> Step reward: 0.0
2025-09-30 17:49:30,940 gym                            INFO       <8160.00> === STARTING STEP ===
2025-09-30 17:49:30,941 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,942 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: setting timed terminal event at 8280.0
2025-09-30 17:49:30,955 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: timed termination at 8280.0 for action_charge
2025-09-30 17:49:30,956 data.base                      INFO       <8280.00> Total reward: {}
2025-09-30 17:49:30,956 comm.communication             INFO       <8280.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,957 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,959 gym                            INFO       <8280.00> Step reward: 0.0
2025-09-30 17:49:30,959 gym                            INFO       <8280.00> === STARTING STEP ===
2025-09-30 17:49:30,960 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,960 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: setting timed terminal event at 8340.0
2025-09-30 17:49:30,968 sats.satellite.Scanner-1       INFO       <8340.00> Scanner-1: timed termination at 8340.0 for action_downlink
2025-09-30 17:49:30,969 data.base                      INFO       <8340.00> Total reward: {}
2025-09-30 17:49:30,969 comm.communication             INFO       <8340.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,970 sats.satellite.Scanner-1       INFO       <8340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,971 gym                            INFO       <8340.00> Step reward: 0.0
2025-09-30 17:49:30,972 gym                            INFO       <8340.00> === STARTING STEP ===
2025-09-30 17:49:30,973 sats.satellite.Scanner-1       INFO       <8340.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:30,973 sats.satellite.Scanner-1       INFO       <8340.00> Scanner-1: setting timed terminal event at 8460.0
2025-09-30 17:49:30,987 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: timed termination at 8460.0 for action_charge
2025-09-30 17:49:30,988 data.base                      INFO       <8460.00> Total reward: {}
2025-09-30 17:49:30,988 comm.communication             INFO       <8460.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:30,989 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:30,991 gym                            INFO       <8460.00> Step reward: 0.0
2025-09-30 17:49:30,992 gym                            INFO       <8460.00> === STARTING STEP ===
2025-09-30 17:49:30,992 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:30,993 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: setting timed terminal event at 8520.0
2025-09-30 17:49:31,001 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: timed termination at 8520.0 for action_downlink
2025-09-30 17:49:31,001 data.base                      INFO       <8520.00> Total reward: {}
2025-09-30 17:49:31,002 comm.communication             INFO       <8520.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,002 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,004 gym                            INFO       <8520.00> Step reward: 0.0
2025-09-30 17:49:31,005 gym                            INFO       <8520.00> === STARTING STEP ===
2025-09-30 17:49:31,006 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:31,006 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: setting timed terminal event at 8700.0
2025-09-30 17:49:31,026 sats.satellite.Scanner-1       INFO       <8700.00> Scanner-1: timed termination at 8700.0 for action_nadir_scan
2025-09-30 17:49:31,026 data.base                      INFO       <8700.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-09-30 17:49:31,027 comm.communication             INFO       <8700.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,028 sats.satellite.Scanner-1       INFO       <8700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,030 gym                            INFO       <8700.00> Step reward: 0.004947368421052631
2025-09-30 17:49:31,030 gym                            INFO       <8700.00> === STARTING STEP ===
2025-09-30 17:49:31,031 sats.satellite.Scanner-1       INFO       <8700.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,031 sats.satellite.Scanner-1       INFO       <8700.00> Scanner-1: setting timed terminal event at 8760.0
2025-09-30 17:49:31,039 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: timed termination at 8760.0 for action_downlink
2025-09-30 17:49:31,040 data.base                      INFO       <8760.00> Total reward: {}
2025-09-30 17:49:31,040 comm.communication             INFO       <8760.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,041 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,043 gym                            INFO       <8760.00> Step reward: 0.0
2025-09-30 17:49:31,043 gym                            INFO       <8760.00> === STARTING STEP ===
2025-09-30 17:49:31,044 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,045 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: setting timed terminal event at 8820.0
2025-09-30 17:49:31,052 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: timed termination at 8820.0 for action_desat
2025-09-30 17:49:31,053 data.base                      INFO       <8820.00> Total reward: {}
2025-09-30 17:49:31,053 comm.communication             INFO       <8820.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,054 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,055 gym                            INFO       <8820.00> Step reward: 0.0
2025-09-30 17:49:31,056 gym                            INFO       <8820.00> === STARTING STEP ===
2025-09-30 17:49:31,057 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,058 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: setting timed terminal event at 8940.0
2025-09-30 17:49:31,071 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: timed termination at 8940.0 for action_charge
2025-09-30 17:49:31,072 data.base                      INFO       <8940.00> Total reward: {}
2025-09-30 17:49:31,073 comm.communication             INFO       <8940.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,073 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,075 gym                            INFO       <8940.00> Step reward: 0.0
2025-09-30 17:49:31,076 gym                            INFO       <8940.00> === STARTING STEP ===
2025-09-30 17:49:31,076 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,077 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: setting timed terminal event at 9000.0
2025-09-30 17:49:31,086 sats.satellite.Scanner-1       INFO       <9000.00> Scanner-1: timed termination at 9000.0 for action_desat
2025-09-30 17:49:31,086 data.base                      INFO       <9000.00> Total reward: {}
2025-09-30 17:49:31,087 comm.communication             INFO       <9000.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,087 sats.satellite.Scanner-1       INFO       <9000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,089 gym                            INFO       <9000.00> Step reward: 0.0
2025-09-30 17:49:31,090 gym                            INFO       <9000.00> === STARTING STEP ===
2025-09-30 17:49:31,090 sats.satellite.Scanner-1       INFO       <9000.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,091 sats.satellite.Scanner-1       INFO       <9000.00> Scanner-1: setting timed terminal event at 9060.0
2025-09-30 17:49:31,099 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: timed termination at 9060.0 for action_desat
2025-09-30 17:49:31,099 data.base                      INFO       <9060.00> Total reward: {}
2025-09-30 17:49:31,100 comm.communication             INFO       <9060.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,100 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,102 gym                            INFO       <9060.00> Step reward: 0.0
2025-09-30 17:49:31,103 gym                            INFO       <9060.00> === STARTING STEP ===
2025-09-30 17:49:31,103 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,104 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: setting timed terminal event at 9120.0
2025-09-30 17:49:31,112 sats.satellite.Scanner-1       INFO       <9120.00> Scanner-1: timed termination at 9120.0 for action_desat
2025-09-30 17:49:31,112 data.base                      INFO       <9120.00> Total reward: {}
2025-09-30 17:49:31,113 comm.communication             INFO       <9120.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,113 sats.satellite.Scanner-1       INFO       <9120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,115 gym                            INFO       <9120.00> Step reward: 0.0
2025-09-30 17:49:31,116 gym                            INFO       <9120.00> === STARTING STEP ===
2025-09-30 17:49:31,117 sats.satellite.Scanner-1       INFO       <9120.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,117 sats.satellite.Scanner-1       INFO       <9120.00> Scanner-1: setting timed terminal event at 9180.0
2025-09-30 17:49:31,125 sats.satellite.Scanner-1       INFO       <9180.00> Scanner-1: timed termination at 9180.0 for action_downlink
2025-09-30 17:49:31,125 data.base                      INFO       <9180.00> Total reward: {}
2025-09-30 17:49:31,126 comm.communication             INFO       <9180.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,127 sats.satellite.Scanner-1       INFO       <9180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,128 gym                            INFO       <9180.00> Step reward: 0.0
2025-09-30 17:49:31,129 gym                            INFO       <9180.00> === STARTING STEP ===
2025-09-30 17:49:31,129 sats.satellite.Scanner-1       INFO       <9180.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,130 sats.satellite.Scanner-1       INFO       <9180.00> Scanner-1: setting timed terminal event at 9240.0
2025-09-30 17:49:31,139 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: timed termination at 9240.0 for action_downlink
2025-09-30 17:49:31,139 data.base                      INFO       <9240.00> Total reward: {}
2025-09-30 17:49:31,139 comm.communication             INFO       <9240.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,140 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,142 gym                            INFO       <9240.00> Step reward: 0.0
2025-09-30 17:49:31,142 gym                            INFO       <9240.00> === STARTING STEP ===
2025-09-30 17:49:31,143 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,143 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: setting timed terminal event at 9300.0
2025-09-30 17:49:31,151 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: timed termination at 9300.0 for action_desat
2025-09-30 17:49:31,152 data.base                      INFO       <9300.00> Total reward: {}
2025-09-30 17:49:31,152 comm.communication             INFO       <9300.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,153 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,155 gym                            INFO       <9300.00> Step reward: 0.0
2025-09-30 17:49:31,156 gym                            INFO       <9300.00> === STARTING STEP ===
2025-09-30 17:49:31,156 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,157 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: setting timed terminal event at 9360.0
2025-09-30 17:49:31,164 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: timed termination at 9360.0 for action_downlink
2025-09-30 17:49:31,165 data.base                      INFO       <9360.00> Total reward: {}
2025-09-30 17:49:31,165 comm.communication             INFO       <9360.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,166 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,168 gym                            INFO       <9360.00> Step reward: 0.0
2025-09-30 17:49:31,169 gym                            INFO       <9360.00> === STARTING STEP ===
2025-09-30 17:49:31,170 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,170 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: setting timed terminal event at 9480.0
2025-09-30 17:49:31,184 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: timed termination at 9480.0 for action_charge
2025-09-30 17:49:31,185 data.base                      INFO       <9480.00> Total reward: {}
2025-09-30 17:49:31,185 comm.communication             INFO       <9480.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,186 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,188 gym                            INFO       <9480.00> Step reward: 0.0
2025-09-30 17:49:31,189 gym                            INFO       <9480.00> === STARTING STEP ===
2025-09-30 17:49:31,189 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,190 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: setting timed terminal event at 9600.0
2025-09-30 17:49:31,205 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: timed termination at 9600.0 for action_charge
2025-09-30 17:49:31,206 data.base                      INFO       <9600.00> Total reward: {}
2025-09-30 17:49:31,207 comm.communication             INFO       <9600.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,207 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,209 gym                            INFO       <9600.00> Step reward: 0.0
2025-09-30 17:49:31,209 gym                            INFO       <9600.00> === STARTING STEP ===
2025-09-30 17:49:31,210 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,211 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: setting timed terminal event at 9660.0
2025-09-30 17:49:31,219 sats.satellite.Scanner-1       INFO       <9660.00> Scanner-1: timed termination at 9660.0 for action_downlink
2025-09-30 17:49:31,219 data.base                      INFO       <9660.00> Total reward: {}
2025-09-30 17:49:31,220 comm.communication             INFO       <9660.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,220 sats.satellite.Scanner-1       INFO       <9660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,222 gym                            INFO       <9660.00> Step reward: 0.0
2025-09-30 17:49:31,223 gym                            INFO       <9660.00> === STARTING STEP ===
2025-09-30 17:49:31,223 sats.satellite.Scanner-1       INFO       <9660.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,224 sats.satellite.Scanner-1       INFO       <9660.00> Scanner-1: setting timed terminal event at 9720.0
2025-09-30 17:49:31,231 sats.satellite.Scanner-1       INFO       <9720.00> Scanner-1: timed termination at 9720.0 for action_downlink
2025-09-30 17:49:31,232 data.base                      INFO       <9720.00> Total reward: {}
2025-09-30 17:49:31,232 comm.communication             INFO       <9720.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,233 sats.satellite.Scanner-1       INFO       <9720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,235 gym                            INFO       <9720.00> Step reward: 0.0
2025-09-30 17:49:31,236 gym                            INFO       <9720.00> === STARTING STEP ===
2025-09-30 17:49:31,236 sats.satellite.Scanner-1       INFO       <9720.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,236 sats.satellite.Scanner-1       INFO       <9720.00> Scanner-1: setting timed terminal event at 9780.0
2025-09-30 17:49:31,244 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: timed termination at 9780.0 for action_downlink
2025-09-30 17:49:31,244 data.base                      INFO       <9780.00> Total reward: {}
2025-09-30 17:49:31,245 comm.communication             INFO       <9780.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,245 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,247 gym                            INFO       <9780.00> Step reward: 0.0
2025-09-30 17:49:31,248 gym                            INFO       <9780.00> === STARTING STEP ===
2025-09-30 17:49:31,249 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,249 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: setting timed terminal event at 9840.0
2025-09-30 17:49:31,257 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: timed termination at 9840.0 for action_downlink
2025-09-30 17:49:31,258 data.base                      INFO       <9840.00> Total reward: {}
2025-09-30 17:49:31,258 comm.communication             INFO       <9840.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,258 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,260 gym                            INFO       <9840.00> Step reward: 0.0
2025-09-30 17:49:31,261 gym                            INFO       <9840.00> === STARTING STEP ===
2025-09-30 17:49:31,261 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,262 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: setting timed terminal event at 9960.0
2025-09-30 17:49:31,276 sats.satellite.Scanner-1       INFO       <9960.00> Scanner-1: timed termination at 9960.0 for action_charge
2025-09-30 17:49:31,276 data.base                      INFO       <9960.00> Total reward: {}
2025-09-30 17:49:31,277 comm.communication             INFO       <9960.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,278 sats.satellite.Scanner-1       INFO       <9960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,279 gym                            INFO       <9960.00> Step reward: 0.0
2025-09-30 17:49:31,280 gym                            INFO       <9960.00> === STARTING STEP ===
2025-09-30 17:49:31,280 sats.satellite.Scanner-1       INFO       <9960.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,281 sats.satellite.Scanner-1       INFO       <9960.00> Scanner-1: setting timed terminal event at 10020.0
2025-09-30 17:49:31,289 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: timed termination at 10020.0 for action_desat
2025-09-30 17:49:31,289 data.base                      INFO       <10020.00> Total reward: {}
2025-09-30 17:49:31,290 comm.communication             INFO       <10020.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,290 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,292 gym                            INFO       <10020.00> Step reward: 0.0
2025-09-30 17:49:31,293 gym                            INFO       <10020.00> === STARTING STEP ===
2025-09-30 17:49:31,293 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,294 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: setting timed terminal event at 10080.0
2025-09-30 17:49:31,303 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: timed termination at 10080.0 for action_downlink
2025-09-30 17:49:31,303 data.base                      INFO       <10080.00> Total reward: {}
2025-09-30 17:49:31,304 comm.communication             INFO       <10080.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,304 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,306 gym                            INFO       <10080.00> Step reward: 0.0
2025-09-30 17:49:31,307 gym                            INFO       <10080.00> === STARTING STEP ===
2025-09-30 17:49:31,307 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,308 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: setting timed terminal event at 10200.0
2025-09-30 17:49:31,321 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: timed termination at 10200.0 for action_charge
2025-09-30 17:49:31,322 data.base                      INFO       <10200.00> Total reward: {}
2025-09-30 17:49:31,323 comm.communication             INFO       <10200.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,323 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,325 gym                            INFO       <10200.00> Step reward: 0.0
2025-09-30 17:49:31,325 gym                            INFO       <10200.00> === STARTING STEP ===
2025-09-30 17:49:31,326 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,326 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: setting timed terminal event at 10260.0
2025-09-30 17:49:31,335 sats.satellite.Scanner-1       INFO       <10260.00> Scanner-1: timed termination at 10260.0 for action_desat
2025-09-30 17:49:31,336 data.base                      INFO       <10260.00> Total reward: {}
2025-09-30 17:49:31,337 comm.communication             INFO       <10260.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,337 sats.satellite.Scanner-1       INFO       <10260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,339 gym                            INFO       <10260.00> Step reward: 0.0
2025-09-30 17:49:31,339 gym                            INFO       <10260.00> === STARTING STEP ===
2025-09-30 17:49:31,340 sats.satellite.Scanner-1       INFO       <10260.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,340 sats.satellite.Scanner-1       INFO       <10260.00> Scanner-1: setting timed terminal event at 10320.0
2025-09-30 17:49:31,349 sats.satellite.Scanner-1       INFO       <10320.00> Scanner-1: timed termination at 10320.0 for action_downlink
2025-09-30 17:49:31,350 data.base                      INFO       <10320.00> Total reward: {}
2025-09-30 17:49:31,351 comm.communication             INFO       <10320.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,351 sats.satellite.Scanner-1       INFO       <10320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,353 gym                            INFO       <10320.00> Step reward: 0.0
2025-09-30 17:49:31,354 gym                            INFO       <10320.00> === STARTING STEP ===
2025-09-30 17:49:31,355 sats.satellite.Scanner-1       INFO       <10320.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:31,355 sats.satellite.Scanner-1       INFO       <10320.00> Scanner-1: setting timed terminal event at 10500.0
2025-09-30 17:49:31,379 sats.satellite.Scanner-1       INFO       <10500.00> Scanner-1: timed termination at 10500.0 for action_nadir_scan
2025-09-30 17:49:31,380 data.base                      INFO       <10500.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-09-30 17:49:31,380 comm.communication             INFO       <10500.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,380 sats.satellite.Scanner-1       INFO       <10500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,382 gym                            INFO       <10500.00> Step reward: 0.004947368421052631
2025-09-30 17:49:31,383 gym                            INFO       <10500.00> === STARTING STEP ===
2025-09-30 17:49:31,383 sats.satellite.Scanner-1       INFO       <10500.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,384 sats.satellite.Scanner-1       INFO       <10500.00> Scanner-1: setting timed terminal event at 10560.0
2025-09-30 17:49:31,392 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: timed termination at 10560.0 for action_desat
2025-09-30 17:49:31,393 data.base                      INFO       <10560.00> Total reward: {}
2025-09-30 17:49:31,393 comm.communication             INFO       <10560.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,394 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,396 gym                            INFO       <10560.00> Step reward: 0.0
2025-09-30 17:49:31,397 gym                            INFO       <10560.00> === STARTING STEP ===
2025-09-30 17:49:31,397 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,398 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: setting timed terminal event at 10620.0
2025-09-30 17:49:31,406 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: timed termination at 10620.0 for action_desat
2025-09-30 17:49:31,406 data.base                      INFO       <10620.00> Total reward: {}
2025-09-30 17:49:31,407 comm.communication             INFO       <10620.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,407 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,409 gym                            INFO       <10620.00> Step reward: 0.0
2025-09-30 17:49:31,410 gym                            INFO       <10620.00> === STARTING STEP ===
2025-09-30 17:49:31,410 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,411 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: setting timed terminal event at 10680.0
2025-09-30 17:49:31,418 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: timed termination at 10680.0 for action_downlink
2025-09-30 17:49:31,419 data.base                      INFO       <10680.00> Total reward: {}
2025-09-30 17:49:31,419 comm.communication             INFO       <10680.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,420 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,421 gym                            INFO       <10680.00> Step reward: 0.0
2025-09-30 17:49:31,423 gym                            INFO       <10680.00> === STARTING STEP ===
2025-09-30 17:49:31,423 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,423 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: setting timed terminal event at 10800.0
2025-09-30 17:49:31,440 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: timed termination at 10800.0 for action_charge
2025-09-30 17:49:31,440 data.base                      INFO       <10800.00> Total reward: {}
2025-09-30 17:49:31,440 comm.communication             INFO       <10800.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,441 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,443 gym                            INFO       <10800.00> Step reward: 0.0
2025-09-30 17:49:31,443 gym                            INFO       <10800.00> === STARTING STEP ===
2025-09-30 17:49:31,444 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,444 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: setting timed terminal event at 10860.0
2025-09-30 17:49:31,454 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: timed termination at 10860.0 for action_downlink
2025-09-30 17:49:31,454 data.base                      INFO       <10860.00> Total reward: {}
2025-09-30 17:49:31,455 comm.communication             INFO       <10860.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,456 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,458 gym                            INFO       <10860.00> Step reward: 0.0
2025-09-30 17:49:31,458 gym                            INFO       <10860.00> === STARTING STEP ===
2025-09-30 17:49:31,459 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,459 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: setting timed terminal event at 10920.0
2025-09-30 17:49:31,469 sats.satellite.Scanner-1       INFO       <10920.00> Scanner-1: timed termination at 10920.0 for action_desat
2025-09-30 17:49:31,469 data.base                      INFO       <10920.00> Total reward: {}
2025-09-30 17:49:31,470 comm.communication             INFO       <10920.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,470 sats.satellite.Scanner-1       INFO       <10920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,472 gym                            INFO       <10920.00> Step reward: 0.0
2025-09-30 17:49:31,473 gym                            INFO       <10920.00> === STARTING STEP ===
2025-09-30 17:49:31,473 sats.satellite.Scanner-1       INFO       <10920.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,474 sats.satellite.Scanner-1       INFO       <10920.00> Scanner-1: setting timed terminal event at 10980.0
2025-09-30 17:49:31,481 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: timed termination at 10980.0 for action_desat
2025-09-30 17:49:31,482 data.base                      INFO       <10980.00> Total reward: {}
2025-09-30 17:49:31,483 comm.communication             INFO       <10980.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,484 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,485 gym                            INFO       <10980.00> Step reward: 0.0
2025-09-30 17:49:31,486 gym                            INFO       <10980.00> === STARTING STEP ===
2025-09-30 17:49:31,486 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,487 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: setting timed terminal event at 11100.0
2025-09-30 17:49:31,501 sats.satellite.Scanner-1       INFO       <11100.00> Scanner-1: timed termination at 11100.0 for action_charge
2025-09-30 17:49:31,501 data.base                      INFO       <11100.00> Total reward: {}
2025-09-30 17:49:31,502 comm.communication             INFO       <11100.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,502 sats.satellite.Scanner-1       INFO       <11100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,504 gym                            INFO       <11100.00> Step reward: 0.0
2025-09-30 17:49:31,505 gym                            INFO       <11100.00> === STARTING STEP ===
2025-09-30 17:49:31,505 sats.satellite.Scanner-1       INFO       <11100.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:31,506 sats.satellite.Scanner-1       INFO       <11100.00> Scanner-1: setting timed terminal event at 11280.0
2025-09-30 17:49:31,526 sats.satellite.Scanner-1       INFO       <11280.00> Scanner-1: timed termination at 11280.0 for action_nadir_scan
2025-09-30 17:49:31,527 data.base                      INFO       <11280.00> Total reward: {'Scanner-1': 0.005192982456140351}
2025-09-30 17:49:31,527 comm.communication             INFO       <11280.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,528 sats.satellite.Scanner-1       INFO       <11280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,530 gym                            INFO       <11280.00> Step reward: 0.005192982456140351
2025-09-30 17:49:31,531 gym                            INFO       <11280.00> === STARTING STEP ===
2025-09-30 17:49:31,531 sats.satellite.Scanner-1       INFO       <11280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,532 sats.satellite.Scanner-1       INFO       <11280.00> Scanner-1: setting timed terminal event at 11340.0
2025-09-30 17:49:31,539 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: timed termination at 11340.0 for action_downlink
2025-09-30 17:49:31,540 data.base                      INFO       <11340.00> Total reward: {}
2025-09-30 17:49:31,540 comm.communication             INFO       <11340.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,541 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,543 gym                            INFO       <11340.00> Step reward: 0.0
2025-09-30 17:49:31,544 gym                            INFO       <11340.00> === STARTING STEP ===
2025-09-30 17:49:31,544 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,544 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: setting timed terminal event at 11400.0
2025-09-30 17:49:31,552 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: timed termination at 11400.0 for action_desat
2025-09-30 17:49:31,553 data.base                      INFO       <11400.00> Total reward: {}
2025-09-30 17:49:31,554 comm.communication             INFO       <11400.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,554 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,556 gym                            INFO       <11400.00> Step reward: 0.0
2025-09-30 17:49:31,557 gym                            INFO       <11400.00> === STARTING STEP ===
2025-09-30 17:49:31,558 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,558 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: setting timed terminal event at 11520.0
2025-09-30 17:49:31,574 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: timed termination at 11520.0 for action_charge
2025-09-30 17:49:31,575 data.base                      INFO       <11520.00> Total reward: {}
2025-09-30 17:49:31,575 comm.communication             INFO       <11520.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,576 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,578 gym                            INFO       <11520.00> Step reward: 0.0
2025-09-30 17:49:31,578 gym                            INFO       <11520.00> === STARTING STEP ===
2025-09-30 17:49:31,579 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,579 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: setting timed terminal event at 11640.0
2025-09-30 17:49:31,593 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: timed termination at 11640.0 for action_charge
2025-09-30 17:49:31,594 data.base                      INFO       <11640.00> Total reward: {}
2025-09-30 17:49:31,594 comm.communication             INFO       <11640.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,595 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,597 gym                            INFO       <11640.00> Step reward: 0.0
2025-09-30 17:49:31,597 gym                            INFO       <11640.00> === STARTING STEP ===
2025-09-30 17:49:31,598 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,599 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: setting timed terminal event at 11700.0
2025-09-30 17:49:31,606 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: timed termination at 11700.0 for action_downlink
2025-09-30 17:49:31,607 data.base                      INFO       <11700.00> Total reward: {}
2025-09-30 17:49:31,607 comm.communication             INFO       <11700.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,608 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,610 gym                            INFO       <11700.00> Step reward: 0.0
2025-09-30 17:49:31,611 gym                            INFO       <11700.00> === STARTING STEP ===
2025-09-30 17:49:31,611 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,612 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: setting timed terminal event at 11820.0
2025-09-30 17:49:31,625 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: timed termination at 11820.0 for action_charge
2025-09-30 17:49:31,626 data.base                      INFO       <11820.00> Total reward: {}
2025-09-30 17:49:31,626 comm.communication             INFO       <11820.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,627 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,629 gym                            INFO       <11820.00> Step reward: 0.0
2025-09-30 17:49:31,630 gym                            INFO       <11820.00> === STARTING STEP ===
2025-09-30 17:49:31,630 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,631 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: setting timed terminal event at 11940.0
2025-09-30 17:49:31,644 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: timed termination at 11940.0 for action_charge
2025-09-30 17:49:31,645 data.base                      INFO       <11940.00> Total reward: {}
2025-09-30 17:49:31,646 comm.communication             INFO       <11940.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,647 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,648 gym                            INFO       <11940.00> Step reward: 0.0
2025-09-30 17:49:31,649 gym                            INFO       <11940.00> === STARTING STEP ===
2025-09-30 17:49:31,649 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,650 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: setting timed terminal event at 12060.0
2025-09-30 17:49:31,663 sats.satellite.Scanner-1       INFO       <12060.00> Scanner-1: timed termination at 12060.0 for action_charge
2025-09-30 17:49:31,664 data.base                      INFO       <12060.00> Total reward: {}
2025-09-30 17:49:31,665 comm.communication             INFO       <12060.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,666 sats.satellite.Scanner-1       INFO       <12060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,667 gym                            INFO       <12060.00> Step reward: 0.0
2025-09-30 17:49:31,668 gym                            INFO       <12060.00> === STARTING STEP ===
2025-09-30 17:49:31,669 sats.satellite.Scanner-1       INFO       <12060.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:31,669 sats.satellite.Scanner-1       INFO       <12060.00> Scanner-1: setting timed terminal event at 12240.0
2025-09-30 17:49:31,689 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: timed termination at 12240.0 for action_nadir_scan
2025-09-30 17:49:31,690 data.base                      INFO       <12240.00> Total reward: {'Scanner-1': 0.004701754385964912}
2025-09-30 17:49:31,690 comm.communication             INFO       <12240.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,691 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,693 gym                            INFO       <12240.00> Step reward: 0.004701754385964912
2025-09-30 17:49:31,693 gym                            INFO       <12240.00> === STARTING STEP ===
2025-09-30 17:49:31,694 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,694 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: setting timed terminal event at 12300.0
2025-09-30 17:49:31,703 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: timed termination at 12300.0 for action_downlink
2025-09-30 17:49:31,703 data.base                      INFO       <12300.00> Total reward: {}
2025-09-30 17:49:31,704 comm.communication             INFO       <12300.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,704 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,706 gym                            INFO       <12300.00> Step reward: 0.0
2025-09-30 17:49:31,707 gym                            INFO       <12300.00> === STARTING STEP ===
2025-09-30 17:49:31,707 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:31,708 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: setting timed terminal event at 12360.0
2025-09-30 17:49:31,717 sats.satellite.Scanner-1       INFO       <12360.00> Scanner-1: timed termination at 12360.0 for action_desat
2025-09-30 17:49:31,718 data.base                      INFO       <12360.00> Total reward: {}
2025-09-30 17:49:31,718 comm.communication             INFO       <12360.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,719 sats.satellite.Scanner-1       INFO       <12360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,721 gym                            INFO       <12360.00> Step reward: 0.0
2025-09-30 17:49:31,721 gym                            INFO       <12360.00> === STARTING STEP ===
2025-09-30 17:49:31,722 sats.satellite.Scanner-1       INFO       <12360.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:31,722 sats.satellite.Scanner-1       INFO       <12360.00> Scanner-1: setting timed terminal event at 12540.0
2025-09-30 17:49:31,746 sats.satellite.Scanner-1       INFO       <12540.00> Scanner-1: timed termination at 12540.0 for action_nadir_scan
2025-09-30 17:49:31,746 data.base                      INFO       <12540.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-30 17:49:31,747 comm.communication             INFO       <12540.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,748 sats.satellite.Scanner-1       INFO       <12540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,750 gym                            INFO       <12540.00> Step reward: 0.004912280701754385
2025-09-30 17:49:31,750 gym                            INFO       <12540.00> === STARTING STEP ===
2025-09-30 17:49:31,751 sats.satellite.Scanner-1       INFO       <12540.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:31,751 sats.satellite.Scanner-1       INFO       <12540.00> Scanner-1: setting timed terminal event at 12720.0
2025-09-30 17:49:31,771 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: timed termination at 12720.0 for action_nadir_scan
2025-09-30 17:49:31,772 data.base                      INFO       <12720.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:31,772 comm.communication             INFO       <12720.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,773 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,775 gym                            INFO       <12720.00> Step reward: 0.00631578947368421
2025-09-30 17:49:31,776 gym                            INFO       <12720.00> === STARTING STEP ===
2025-09-30 17:49:31,776 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,777 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: setting timed terminal event at 12840.0
2025-09-30 17:49:31,790 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: timed termination at 12840.0 for action_charge
2025-09-30 17:49:31,791 data.base                      INFO       <12840.00> Total reward: {}
2025-09-30 17:49:31,791 comm.communication             INFO       <12840.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,792 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,794 gym                            INFO       <12840.00> Step reward: 0.0
2025-09-30 17:49:31,794 gym                            INFO       <12840.00> === STARTING STEP ===
2025-09-30 17:49:31,795 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,796 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: setting timed terminal event at 12900.0
2025-09-30 17:49:31,805 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: timed termination at 12900.0 for action_downlink
2025-09-30 17:49:31,805 data.base                      INFO       <12900.00> Total reward: {}
2025-09-30 17:49:31,806 comm.communication             INFO       <12900.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,806 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,808 gym                            INFO       <12900.00> Step reward: 0.0
2025-09-30 17:49:31,809 gym                            INFO       <12900.00> === STARTING STEP ===
2025-09-30 17:49:31,810 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,810 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: setting timed terminal event at 13020.0
2025-09-30 17:49:31,826 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: timed termination at 13020.0 for action_charge
2025-09-30 17:49:31,827 data.base                      INFO       <13020.00> Total reward: {}
2025-09-30 17:49:31,827 comm.communication             INFO       <13020.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,828 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,830 gym                            INFO       <13020.00> Step reward: 0.0
2025-09-30 17:49:31,831 gym                            INFO       <13020.00> === STARTING STEP ===
2025-09-30 17:49:31,831 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,832 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: setting timed terminal event at 13080.0
2025-09-30 17:49:31,840 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: timed termination at 13080.0 for action_downlink
2025-09-30 17:49:31,841 data.base                      INFO       <13080.00> Total reward: {}
2025-09-30 17:49:31,841 comm.communication             INFO       <13080.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,842 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,843 gym                            INFO       <13080.00> Step reward: 0.0
2025-09-30 17:49:31,844 gym                            INFO       <13080.00> === STARTING STEP ===
2025-09-30 17:49:31,844 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:31,845 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: setting timed terminal event at 13260.0
2025-09-30 17:49:31,869 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: timed termination at 13260.0 for action_nadir_scan
2025-09-30 17:49:31,870 data.base                      INFO       <13260.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-09-30 17:49:31,871 comm.communication             INFO       <13260.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,871 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,873 gym                            INFO       <13260.00> Step reward: 0.004947368421052631
2025-09-30 17:49:31,874 gym                            INFO       <13260.00> === STARTING STEP ===
2025-09-30 17:49:31,874 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,875 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: setting timed terminal event at 13380.0
2025-09-30 17:49:31,888 sats.satellite.Scanner-1       INFO       <13380.00> Scanner-1: timed termination at 13380.0 for action_charge
2025-09-30 17:49:31,889 data.base                      INFO       <13380.00> Total reward: {}
2025-09-30 17:49:31,889 comm.communication             INFO       <13380.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,890 sats.satellite.Scanner-1       INFO       <13380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,892 gym                            INFO       <13380.00> Step reward: 0.0
2025-09-30 17:49:31,892 gym                            INFO       <13380.00> === STARTING STEP ===
2025-09-30 17:49:31,893 sats.satellite.Scanner-1       INFO       <13380.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:31,893 sats.satellite.Scanner-1       INFO       <13380.00> Scanner-1: setting timed terminal event at 13560.0
2025-09-30 17:49:31,913 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: timed termination at 13560.0 for action_nadir_scan
2025-09-30 17:49:31,913 data.base                      INFO       <13560.00> Total reward: {'Scanner-1': 0.004736842105263157}
2025-09-30 17:49:31,914 comm.communication             INFO       <13560.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,914 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,916 gym                            INFO       <13560.00> Step reward: 0.004736842105263157
2025-09-30 17:49:31,917 gym                            INFO       <13560.00> === STARTING STEP ===
2025-09-30 17:49:31,917 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,918 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: setting timed terminal event at 13680.0
2025-09-30 17:49:31,934 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: timed termination at 13680.0 for action_charge
2025-09-30 17:49:31,935 data.base                      INFO       <13680.00> Total reward: {}
2025-09-30 17:49:31,935 comm.communication             INFO       <13680.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,936 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,938 gym                            INFO       <13680.00> Step reward: 0.0
2025-09-30 17:49:31,939 gym                            INFO       <13680.00> === STARTING STEP ===
2025-09-30 17:49:31,939 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:31,940 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: setting timed terminal event at 13740.0
2025-09-30 17:49:31,950 sats.satellite.Scanner-1       INFO       <13740.00> Scanner-1: timed termination at 13740.0 for action_downlink
2025-09-30 17:49:31,950 data.base                      INFO       <13740.00> Total reward: {}
2025-09-30 17:49:31,950 comm.communication             INFO       <13740.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,951 sats.satellite.Scanner-1       INFO       <13740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,953 gym                            INFO       <13740.00> Step reward: 0.0
2025-09-30 17:49:31,954 gym                            INFO       <13740.00> === STARTING STEP ===
2025-09-30 17:49:31,955 sats.satellite.Scanner-1       INFO       <13740.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:31,955 sats.satellite.Scanner-1       INFO       <13740.00> Scanner-1: setting timed terminal event at 13860.0
2025-09-30 17:49:31,971 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: timed termination at 13860.0 for action_charge
2025-09-30 17:49:31,972 data.base                      INFO       <13860.00> Total reward: {}
2025-09-30 17:49:31,972 comm.communication             INFO       <13860.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:31,973 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:31,975 gym                            INFO       <13860.00> Step reward: 0.0
2025-09-30 17:49:31,976 gym                            INFO       <13860.00> === STARTING STEP ===
2025-09-30 17:49:31,977 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:31,977 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: setting timed terminal event at 14040.0
2025-09-30 17:49:32,001 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: timed termination at 14040.0 for action_nadir_scan
2025-09-30 17:49:32,002 data.base                      INFO       <14040.00> Total reward: {'Scanner-1': 0.004842105263157894}
2025-09-30 17:49:32,002 comm.communication             INFO       <14040.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,003 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,005 gym                            INFO       <14040.00> Step reward: 0.004842105263157894
2025-09-30 17:49:32,005 gym                            INFO       <14040.00> === STARTING STEP ===
2025-09-30 17:49:32,006 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:32,006 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: setting timed terminal event at 14100.0
2025-09-30 17:49:32,016 sats.satellite.Scanner-1       INFO       <14100.00> Scanner-1: timed termination at 14100.0 for action_downlink
2025-09-30 17:49:32,017 data.base                      INFO       <14100.00> Total reward: {}
2025-09-30 17:49:32,017 comm.communication             INFO       <14100.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,018 sats.satellite.Scanner-1       INFO       <14100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,020 gym                            INFO       <14100.00> Step reward: 0.0
2025-09-30 17:49:32,021 gym                            INFO       <14100.00> === STARTING STEP ===
2025-09-30 17:49:32,021 sats.satellite.Scanner-1       INFO       <14100.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,022 sats.satellite.Scanner-1       INFO       <14100.00> Scanner-1: setting timed terminal event at 14160.0
2025-09-30 17:49:32,030 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: timed termination at 14160.0 for action_desat
2025-09-30 17:49:32,031 data.base                      INFO       <14160.00> Total reward: {}
2025-09-30 17:49:32,031 comm.communication             INFO       <14160.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,032 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,034 gym                            INFO       <14160.00> Step reward: 0.0
2025-09-30 17:49:32,035 gym                            INFO       <14160.00> === STARTING STEP ===
2025-09-30 17:49:32,035 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:32,036 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: setting timed terminal event at 14220.0
2025-09-30 17:49:32,043 sats.satellite.Scanner-1       INFO       <14220.00> Scanner-1: timed termination at 14220.0 for action_downlink
2025-09-30 17:49:32,044 data.base                      INFO       <14220.00> Total reward: {}
2025-09-30 17:49:32,045 comm.communication             INFO       <14220.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,045 sats.satellite.Scanner-1       INFO       <14220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,047 gym                            INFO       <14220.00> Step reward: 0.0
2025-09-30 17:49:32,048 gym                            INFO       <14220.00> === STARTING STEP ===
2025-09-30 17:49:32,048 sats.satellite.Scanner-1       INFO       <14220.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:32,049 sats.satellite.Scanner-1       INFO       <14220.00> Scanner-1: setting timed terminal event at 14340.0
2025-09-30 17:49:32,065 sats.satellite.Scanner-1       INFO       <14340.00> Scanner-1: timed termination at 14340.0 for action_charge
2025-09-30 17:49:32,066 data.base                      INFO       <14340.00> Total reward: {}
2025-09-30 17:49:32,067 comm.communication             INFO       <14340.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,067 sats.satellite.Scanner-1       INFO       <14340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,069 gym                            INFO       <14340.00> Step reward: 0.0
2025-09-30 17:49:32,070 gym                            INFO       <14340.00> === STARTING STEP ===
2025-09-30 17:49:32,071 sats.satellite.Scanner-1       INFO       <14340.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,071 sats.satellite.Scanner-1       INFO       <14340.00> Scanner-1: setting timed terminal event at 14400.0
2025-09-30 17:49:32,080 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: timed termination at 14400.0 for action_desat
2025-09-30 17:49:32,081 data.base                      INFO       <14400.00> Total reward: {}
2025-09-30 17:49:32,082 comm.communication             INFO       <14400.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,082 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,084 gym                            INFO       <14400.00> Step reward: 0.0
2025-09-30 17:49:32,085 gym                            INFO       <14400.00> === STARTING STEP ===
2025-09-30 17:49:32,086 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:32,086 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: setting timed terminal event at 14520.0
2025-09-30 17:49:32,103 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: timed termination at 14520.0 for action_charge
2025-09-30 17:49:32,103 data.base                      INFO       <14520.00> Total reward: {}
2025-09-30 17:49:32,104 comm.communication             INFO       <14520.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,104 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,106 gym                            INFO       <14520.00> Step reward: 0.0
2025-09-30 17:49:32,107 gym                            INFO       <14520.00> === STARTING STEP ===
2025-09-30 17:49:32,107 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:32,108 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: setting timed terminal event at 14640.0
2025-09-30 17:49:32,121 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: timed termination at 14640.0 for action_charge
2025-09-30 17:49:32,122 data.base                      INFO       <14640.00> Total reward: {}
2025-09-30 17:49:32,122 comm.communication             INFO       <14640.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,123 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,125 gym                            INFO       <14640.00> Step reward: 0.0
2025-09-30 17:49:32,126 gym                            INFO       <14640.00> === STARTING STEP ===
2025-09-30 17:49:32,126 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,127 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: setting timed terminal event at 14700.0
2025-09-30 17:49:32,135 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: timed termination at 14700.0 for action_desat
2025-09-30 17:49:32,136 data.base                      INFO       <14700.00> Total reward: {}
2025-09-30 17:49:32,136 comm.communication             INFO       <14700.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,137 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,138 gym                            INFO       <14700.00> Step reward: 0.0
2025-09-30 17:49:32,139 gym                            INFO       <14700.00> === STARTING STEP ===
2025-09-30 17:49:32,140 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:32,140 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: setting timed terminal event at 14820.0
2025-09-30 17:49:32,154 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: timed termination at 14820.0 for action_charge
2025-09-30 17:49:32,155 data.base                      INFO       <14820.00> Total reward: {}
2025-09-30 17:49:32,155 comm.communication             INFO       <14820.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,156 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,158 gym                            INFO       <14820.00> Step reward: 0.0
2025-09-30 17:49:32,158 gym                            INFO       <14820.00> === STARTING STEP ===
2025-09-30 17:49:32,159 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:32,159 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: setting timed terminal event at 14880.0
2025-09-30 17:49:32,167 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: timed termination at 14880.0 for action_downlink
2025-09-30 17:49:32,167 data.base                      INFO       <14880.00> Total reward: {}
2025-09-30 17:49:32,168 comm.communication             INFO       <14880.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,169 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,170 gym                            INFO       <14880.00> Step reward: 0.0
2025-09-30 17:49:32,171 gym                            INFO       <14880.00> === STARTING STEP ===
2025-09-30 17:49:32,171 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,172 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: setting timed terminal event at 15060.0
2025-09-30 17:49:32,195 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: timed termination at 15060.0 for action_nadir_scan
2025-09-30 17:49:32,195 data.base                      INFO       <15060.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-30 17:49:32,196 comm.communication             INFO       <15060.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,196 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,199 gym                            INFO       <15060.00> Step reward: 0.004912280701754385
2025-09-30 17:49:32,199 gym                            INFO       <15060.00> === STARTING STEP ===
2025-09-30 17:49:32,200 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:32,200 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: setting timed terminal event at 15120.0
2025-09-30 17:49:32,208 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: timed termination at 15120.0 for action_downlink
2025-09-30 17:49:32,209 data.base                      INFO       <15120.00> Total reward: {}
2025-09-30 17:49:32,209 comm.communication             INFO       <15120.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,210 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,212 gym                            INFO       <15120.00> Step reward: 0.0
2025-09-30 17:49:32,213 gym                            INFO       <15120.00> === STARTING STEP ===
2025-09-30 17:49:32,213 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,214 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: setting timed terminal event at 15300.0
2025-09-30 17:49:32,234 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: timed termination at 15300.0 for action_nadir_scan
2025-09-30 17:49:32,235 data.base                      INFO       <15300.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-09-30 17:49:32,235 comm.communication             INFO       <15300.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,235 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,237 gym                            INFO       <15300.00> Step reward: 0.00487719298245614
2025-09-30 17:49:32,238 gym                            INFO       <15300.00> === STARTING STEP ===
2025-09-30 17:49:32,239 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,239 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: setting timed terminal event at 15360.0
2025-09-30 17:49:32,247 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: timed termination at 15360.0 for action_desat
2025-09-30 17:49:32,248 data.base                      INFO       <15360.00> Total reward: {}
2025-09-30 17:49:32,248 comm.communication             INFO       <15360.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,249 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,251 gym                            INFO       <15360.00> Step reward: 0.0
2025-09-30 17:49:32,252 gym                            INFO       <15360.00> === STARTING STEP ===
2025-09-30 17:49:32,252 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,253 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: setting timed terminal event at 15420.0
2025-09-30 17:49:32,261 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: timed termination at 15420.0 for action_desat
2025-09-30 17:49:32,261 data.base                      INFO       <15420.00> Total reward: {}
2025-09-30 17:49:32,262 comm.communication             INFO       <15420.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,262 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,264 gym                            INFO       <15420.00> Step reward: 0.0
2025-09-30 17:49:32,265 gym                            INFO       <15420.00> === STARTING STEP ===
2025-09-30 17:49:32,266 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:32,266 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: setting timed terminal event at 15480.0
2025-09-30 17:49:32,274 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: timed termination at 15480.0 for action_downlink
2025-09-30 17:49:32,275 data.base                      INFO       <15480.00> Total reward: {}
2025-09-30 17:49:32,275 comm.communication             INFO       <15480.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,276 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,278 gym                            INFO       <15480.00> Step reward: 0.0
2025-09-30 17:49:32,279 gym                            INFO       <15480.00> === STARTING STEP ===
2025-09-30 17:49:32,279 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,280 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: setting timed terminal event at 15660.0
2025-09-30 17:49:32,300 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: timed termination at 15660.0 for action_nadir_scan
2025-09-30 17:49:32,301 data.base                      INFO       <15660.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-09-30 17:49:32,301 comm.communication             INFO       <15660.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,302 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,304 gym                            INFO       <15660.00> Step reward: 0.004947368421052631
2025-09-30 17:49:32,305 gym                            INFO       <15660.00> === STARTING STEP ===
2025-09-30 17:49:32,305 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:32,306 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: setting timed terminal event at 15780.0
2025-09-30 17:49:32,322 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: timed termination at 15780.0 for action_charge
2025-09-30 17:49:32,322 data.base                      INFO       <15780.00> Total reward: {}
2025-09-30 17:49:32,323 comm.communication             INFO       <15780.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,323 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,325 gym                            INFO       <15780.00> Step reward: 0.0
2025-09-30 17:49:32,326 gym                            INFO       <15780.00> === STARTING STEP ===
2025-09-30 17:49:32,326 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,326 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: setting timed terminal event at 15960.0
2025-09-30 17:49:32,351 sats.satellite.Scanner-1       INFO       <15960.00> Scanner-1: timed termination at 15960.0 for action_nadir_scan
2025-09-30 17:49:32,351 data.base                      INFO       <15960.00> Total reward: {'Scanner-1': 0.005824561403508771}
2025-09-30 17:49:32,352 comm.communication             INFO       <15960.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,352 sats.satellite.Scanner-1       INFO       <15960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,354 gym                            INFO       <15960.00> Step reward: 0.005824561403508771
2025-09-30 17:49:32,355 gym                            INFO       <15960.00> === STARTING STEP ===
2025-09-30 17:49:32,356 sats.satellite.Scanner-1       INFO       <15960.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,356 sats.satellite.Scanner-1       INFO       <15960.00> Scanner-1: setting timed terminal event at 16020.0
2025-09-30 17:49:32,364 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: timed termination at 16020.0 for action_desat
2025-09-30 17:49:32,365 data.base                      INFO       <16020.00> Total reward: {}
2025-09-30 17:49:32,365 comm.communication             INFO       <16020.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,366 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,368 gym                            INFO       <16020.00> Step reward: 0.0
2025-09-30 17:49:32,369 gym                            INFO       <16020.00> === STARTING STEP ===
2025-09-30 17:49:32,369 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,370 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: setting timed terminal event at 16080.0
2025-09-30 17:49:32,379 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: timed termination at 16080.0 for action_desat
2025-09-30 17:49:32,379 data.base                      INFO       <16080.00> Total reward: {}
2025-09-30 17:49:32,380 comm.communication             INFO       <16080.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,380 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,382 gym                            INFO       <16080.00> Step reward: 0.0
2025-09-30 17:49:32,383 gym                            INFO       <16080.00> === STARTING STEP ===
2025-09-30 17:49:32,384 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:32,384 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: setting timed terminal event at 16140.0
2025-09-30 17:49:32,393 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: timed termination at 16140.0 for action_downlink
2025-09-30 17:49:32,394 data.base                      INFO       <16140.00> Total reward: {}
2025-09-30 17:49:32,395 comm.communication             INFO       <16140.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,395 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,397 gym                            INFO       <16140.00> Step reward: 0.0
2025-09-30 17:49:32,398 gym                            INFO       <16140.00> === STARTING STEP ===
2025-09-30 17:49:32,398 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,398 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: setting timed terminal event at 16200.0
2025-09-30 17:49:32,407 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: timed termination at 16200.0 for action_desat
2025-09-30 17:49:32,408 data.base                      INFO       <16200.00> Total reward: {}
2025-09-30 17:49:32,408 comm.communication             INFO       <16200.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,409 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,411 gym                            INFO       <16200.00> Step reward: 0.0
2025-09-30 17:49:32,411 gym                            INFO       <16200.00> === STARTING STEP ===
2025-09-30 17:49:32,412 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:32,412 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: setting timed terminal event at 16260.0
2025-09-30 17:49:32,421 sats.satellite.Scanner-1       INFO       <16260.00> Scanner-1: timed termination at 16260.0 for action_downlink
2025-09-30 17:49:32,422 data.base                      INFO       <16260.00> Total reward: {}
2025-09-30 17:49:32,422 comm.communication             INFO       <16260.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,423 sats.satellite.Scanner-1       INFO       <16260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,424 gym                            INFO       <16260.00> Step reward: 0.0
2025-09-30 17:49:32,425 gym                            INFO       <16260.00> === STARTING STEP ===
2025-09-30 17:49:32,426 sats.satellite.Scanner-1       INFO       <16260.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,426 sats.satellite.Scanner-1       INFO       <16260.00> Scanner-1: setting timed terminal event at 16440.0
2025-09-30 17:49:32,446 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: timed termination at 16440.0 for action_nadir_scan
2025-09-30 17:49:32,446 data.base                      INFO       <16440.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-09-30 17:49:32,447 comm.communication             INFO       <16440.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,448 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,449 gym                            INFO       <16440.00> Step reward: 0.004947368421052631
2025-09-30 17:49:32,450 gym                            INFO       <16440.00> === STARTING STEP ===
2025-09-30 17:49:32,451 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,451 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: setting timed terminal event at 16500.0
2025-09-30 17:49:32,459 sats.satellite.Scanner-1       INFO       <16500.00> Scanner-1: timed termination at 16500.0 for action_desat
2025-09-30 17:49:32,460 data.base                      INFO       <16500.00> Total reward: {}
2025-09-30 17:49:32,460 comm.communication             INFO       <16500.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,461 sats.satellite.Scanner-1       INFO       <16500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,463 gym                            INFO       <16500.00> Step reward: 0.0
2025-09-30 17:49:32,463 gym                            INFO       <16500.00> === STARTING STEP ===
2025-09-30 17:49:32,464 sats.satellite.Scanner-1       INFO       <16500.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:32,464 sats.satellite.Scanner-1       INFO       <16500.00> Scanner-1: setting timed terminal event at 16620.0
2025-09-30 17:49:32,478 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: timed termination at 16620.0 for action_charge
2025-09-30 17:49:32,478 data.base                      INFO       <16620.00> Total reward: {}
2025-09-30 17:49:32,479 comm.communication             INFO       <16620.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,479 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,481 gym                            INFO       <16620.00> Step reward: 0.0
2025-09-30 17:49:32,482 gym                            INFO       <16620.00> === STARTING STEP ===
2025-09-30 17:49:32,482 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:32,483 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: setting timed terminal event at 16740.0
2025-09-30 17:49:32,496 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: timed termination at 16740.0 for action_charge
2025-09-30 17:49:32,497 data.base                      INFO       <16740.00> Total reward: {}
2025-09-30 17:49:32,498 comm.communication             INFO       <16740.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,498 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,500 gym                            INFO       <16740.00> Step reward: 0.0
2025-09-30 17:49:32,501 gym                            INFO       <16740.00> === STARTING STEP ===
2025-09-30 17:49:32,502 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,502 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: setting timed terminal event at 16920.0
2025-09-30 17:49:32,522 sats.satellite.Scanner-1       INFO       <16920.00> Scanner-1: timed termination at 16920.0 for action_nadir_scan
2025-09-30 17:49:32,522 data.base                      INFO       <16920.00> Total reward: {'Scanner-1': 0.005228070175438596}
2025-09-30 17:49:32,523 comm.communication             INFO       <16920.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,523 sats.satellite.Scanner-1       INFO       <16920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,526 gym                            INFO       <16920.00> Step reward: 0.005228070175438596
2025-09-30 17:49:32,526 gym                            INFO       <16920.00> === STARTING STEP ===
2025-09-30 17:49:32,527 sats.satellite.Scanner-1       INFO       <16920.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,527 sats.satellite.Scanner-1       INFO       <16920.00> Scanner-1: setting timed terminal event at 16980.0
2025-09-30 17:49:32,537 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: timed termination at 16980.0 for action_desat
2025-09-30 17:49:32,537 data.base                      INFO       <16980.00> Total reward: {}
2025-09-30 17:49:32,538 comm.communication             INFO       <16980.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,538 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,540 gym                            INFO       <16980.00> Step reward: 0.0
2025-09-30 17:49:32,541 gym                            INFO       <16980.00> === STARTING STEP ===
2025-09-30 17:49:32,541 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,542 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: setting timed terminal event at 17160.0
2025-09-30 17:49:32,566 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: timed termination at 17160.0 for action_nadir_scan
2025-09-30 17:49:32,566 data.base                      INFO       <17160.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-09-30 17:49:32,567 comm.communication             INFO       <17160.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,567 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,569 gym                            INFO       <17160.00> Step reward: 0.00487719298245614
2025-09-30 17:49:32,570 gym                            INFO       <17160.00> === STARTING STEP ===
2025-09-30 17:49:32,571 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:32,571 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: setting timed terminal event at 17220.0
2025-09-30 17:49:32,580 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: timed termination at 17220.0 for action_downlink
2025-09-30 17:49:32,581 data.base                      INFO       <17220.00> Total reward: {}
2025-09-30 17:49:32,581 comm.communication             INFO       <17220.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,582 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,583 gym                            INFO       <17220.00> Step reward: 0.0
2025-09-30 17:49:32,584 gym                            INFO       <17220.00> === STARTING STEP ===
2025-09-30 17:49:32,585 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,585 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: setting timed terminal event at 17280.0
2025-09-30 17:49:32,593 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: timed termination at 17280.0 for action_desat
2025-09-30 17:49:32,594 data.base                      INFO       <17280.00> Total reward: {}
2025-09-30 17:49:32,594 comm.communication             INFO       <17280.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,595 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,596 gym                            INFO       <17280.00> Step reward: 0.0
2025-09-30 17:49:32,597 gym                            INFO       <17280.00> === STARTING STEP ===
2025-09-30 17:49:32,597 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,598 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: setting timed terminal event at 17460.0
2025-09-30 17:49:32,618 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: timed termination at 17460.0 for action_nadir_scan
2025-09-30 17:49:32,619 data.base                      INFO       <17460.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-30 17:49:32,619 comm.communication             INFO       <17460.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,620 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,622 gym                            INFO       <17460.00> Step reward: 0.004912280701754385
2025-09-30 17:49:32,623 gym                            INFO       <17460.00> === STARTING STEP ===
2025-09-30 17:49:32,623 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,624 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: setting timed terminal event at 17520.0
2025-09-30 17:49:32,633 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: timed termination at 17520.0 for action_desat
2025-09-30 17:49:32,634 data.base                      INFO       <17520.00> Total reward: {}
2025-09-30 17:49:32,634 comm.communication             INFO       <17520.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,634 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,636 gym                            INFO       <17520.00> Step reward: 0.0
2025-09-30 17:49:32,637 gym                            INFO       <17520.00> === STARTING STEP ===
2025-09-30 17:49:32,638 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,638 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: setting timed terminal event at 17700.0
2025-09-30 17:49:32,662 sats.satellite.Scanner-1       INFO       <17700.00> Scanner-1: timed termination at 17700.0 for action_nadir_scan
2025-09-30 17:49:32,662 data.base                      INFO       <17700.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-09-30 17:49:32,663 comm.communication             INFO       <17700.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,663 sats.satellite.Scanner-1       INFO       <17700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,666 gym                            INFO       <17700.00> Step reward: 0.00487719298245614
2025-09-30 17:49:32,666 gym                            INFO       <17700.00> === STARTING STEP ===
2025-09-30 17:49:32,667 sats.satellite.Scanner-1       INFO       <17700.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,668 sats.satellite.Scanner-1       INFO       <17700.00> Scanner-1: setting timed terminal event at 17880.0
2025-09-30 17:49:32,687 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: timed termination at 17880.0 for action_nadir_scan
2025-09-30 17:49:32,688 data.base                      INFO       <17880.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:32,689 comm.communication             INFO       <17880.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,689 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,691 gym                            INFO       <17880.00> Step reward: 0.00631578947368421
2025-09-30 17:49:32,691 gym                            INFO       <17880.00> === STARTING STEP ===
2025-09-30 17:49:32,692 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:32,692 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: setting timed terminal event at 17940.0
2025-09-30 17:49:32,700 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: timed termination at 17940.0 for action_downlink
2025-09-30 17:49:32,701 data.base                      INFO       <17940.00> Total reward: {}
2025-09-30 17:49:32,701 comm.communication             INFO       <17940.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,702 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,704 gym                            INFO       <17940.00> Step reward: 0.0
2025-09-30 17:49:32,704 gym                            INFO       <17940.00> === STARTING STEP ===
2025-09-30 17:49:32,705 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,705 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: setting timed terminal event at 18120.0
2025-09-30 17:49:32,725 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: timed termination at 18120.0 for action_nadir_scan
2025-09-30 17:49:32,726 data.base                      INFO       <18120.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-09-30 17:49:32,726 comm.communication             INFO       <18120.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,727 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,729 gym                            INFO       <18120.00> Step reward: 0.00487719298245614
2025-09-30 17:49:32,729 gym                            INFO       <18120.00> === STARTING STEP ===
2025-09-30 17:49:32,730 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:32,730 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: setting timed terminal event at 18240.0
2025-09-30 17:49:32,744 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: timed termination at 18240.0 for action_charge
2025-09-30 17:49:32,745 data.base                      INFO       <18240.00> Total reward: {}
2025-09-30 17:49:32,745 comm.communication             INFO       <18240.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,746 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,748 gym                            INFO       <18240.00> Step reward: 0.0
2025-09-30 17:49:32,749 gym                            INFO       <18240.00> === STARTING STEP ===
2025-09-30 17:49:32,749 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:32,750 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: setting timed terminal event at 18360.0
2025-09-30 17:49:32,763 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: timed termination at 18360.0 for action_charge
2025-09-30 17:49:32,764 data.base                      INFO       <18360.00> Total reward: {}
2025-09-30 17:49:32,764 comm.communication             INFO       <18360.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,765 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,767 gym                            INFO       <18360.00> Step reward: 0.0
2025-09-30 17:49:32,767 gym                            INFO       <18360.00> === STARTING STEP ===
2025-09-30 17:49:32,767 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,768 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: setting timed terminal event at 18420.0
2025-09-30 17:49:32,776 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: timed termination at 18420.0 for action_desat
2025-09-30 17:49:32,777 data.base                      INFO       <18420.00> Total reward: {}
2025-09-30 17:49:32,777 comm.communication             INFO       <18420.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,778 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,779 gym                            INFO       <18420.00> Step reward: 0.0
2025-09-30 17:49:32,780 gym                            INFO       <18420.00> === STARTING STEP ===
2025-09-30 17:49:32,780 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:32,781 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: setting timed terminal event at 18480.0
2025-09-30 17:49:32,789 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: timed termination at 18480.0 for action_downlink
2025-09-30 17:49:32,789 data.base                      INFO       <18480.00> Total reward: {}
2025-09-30 17:49:32,790 comm.communication             INFO       <18480.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,791 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,792 gym                            INFO       <18480.00> Step reward: 0.0
2025-09-30 17:49:32,793 gym                            INFO       <18480.00> === STARTING STEP ===
2025-09-30 17:49:32,794 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:32,794 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: setting timed terminal event at 18600.0
2025-09-30 17:49:32,808 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: timed termination at 18600.0 for action_charge
2025-09-30 17:49:32,808 data.base                      INFO       <18600.00> Total reward: {}
2025-09-30 17:49:32,809 comm.communication             INFO       <18600.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,809 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,812 gym                            INFO       <18600.00> Step reward: 0.0
2025-09-30 17:49:32,812 gym                            INFO       <18600.00> === STARTING STEP ===
2025-09-30 17:49:32,813 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,813 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: setting timed terminal event at 18660.0
2025-09-30 17:49:32,823 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: timed termination at 18660.0 for action_desat
2025-09-30 17:49:32,823 data.base                      INFO       <18660.00> Total reward: {}
2025-09-30 17:49:32,824 comm.communication             INFO       <18660.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,824 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,826 gym                            INFO       <18660.00> Step reward: 0.0
2025-09-30 17:49:32,827 gym                            INFO       <18660.00> === STARTING STEP ===
2025-09-30 17:49:32,827 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,828 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: setting timed terminal event at 18720.0
2025-09-30 17:49:32,837 sats.satellite.Scanner-1       INFO       <18720.00> Scanner-1: timed termination at 18720.0 for action_desat
2025-09-30 17:49:32,838 data.base                      INFO       <18720.00> Total reward: {}
2025-09-30 17:49:32,838 comm.communication             INFO       <18720.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,839 sats.satellite.Scanner-1       INFO       <18720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,840 gym                            INFO       <18720.00> Step reward: 0.0
2025-09-30 17:49:32,841 gym                            INFO       <18720.00> === STARTING STEP ===
2025-09-30 17:49:32,842 sats.satellite.Scanner-1       INFO       <18720.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,842 sats.satellite.Scanner-1       INFO       <18720.00> Scanner-1: setting timed terminal event at 18900.0
2025-09-30 17:49:32,866 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: timed termination at 18900.0 for action_nadir_scan
2025-09-30 17:49:32,867 data.base                      INFO       <18900.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-09-30 17:49:32,868 comm.communication             INFO       <18900.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,868 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,870 gym                            INFO       <18900.00> Step reward: 0.004947368421052631
2025-09-30 17:49:32,871 gym                            INFO       <18900.00> === STARTING STEP ===
2025-09-30 17:49:32,871 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:32,872 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: setting timed terminal event at 18960.0
2025-09-30 17:49:32,880 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: timed termination at 18960.0 for action_downlink
2025-09-30 17:49:32,880 data.base                      INFO       <18960.00> Total reward: {}
2025-09-30 17:49:32,881 comm.communication             INFO       <18960.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,881 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,883 gym                            INFO       <18960.00> Step reward: 0.0
2025-09-30 17:49:32,883 gym                            INFO       <18960.00> === STARTING STEP ===
2025-09-30 17:49:32,884 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,884 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: setting timed terminal event at 19140.0
2025-09-30 17:49:32,905 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: timed termination at 19140.0 for action_nadir_scan
2025-09-30 17:49:32,905 data.base                      INFO       <19140.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-09-30 17:49:32,906 comm.communication             INFO       <19140.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,907 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,909 gym                            INFO       <19140.00> Step reward: 0.00487719298245614
2025-09-30 17:49:32,909 gym                            INFO       <19140.00> === STARTING STEP ===
2025-09-30 17:49:32,910 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:32,911 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: setting timed terminal event at 19200.0
2025-09-30 17:49:32,919 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: timed termination at 19200.0 for action_downlink
2025-09-30 17:49:32,920 data.base                      INFO       <19200.00> Total reward: {}
2025-09-30 17:49:32,920 comm.communication             INFO       <19200.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,921 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,923 gym                            INFO       <19200.00> Step reward: 0.0
2025-09-30 17:49:32,924 gym                            INFO       <19200.00> === STARTING STEP ===
2025-09-30 17:49:32,924 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:32,924 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: setting timed terminal event at 19320.0
2025-09-30 17:49:32,938 sats.satellite.Scanner-1       INFO       <19320.00> Scanner-1: timed termination at 19320.0 for action_charge
2025-09-30 17:49:32,939 data.base                      INFO       <19320.00> Total reward: {}
2025-09-30 17:49:32,939 comm.communication             INFO       <19320.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,940 sats.satellite.Scanner-1       INFO       <19320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,942 gym                            INFO       <19320.00> Step reward: 0.0
2025-09-30 17:49:32,942 gym                            INFO       <19320.00> === STARTING STEP ===
2025-09-30 17:49:32,943 sats.satellite.Scanner-1       INFO       <19320.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:32,943 sats.satellite.Scanner-1       INFO       <19320.00> Scanner-1: setting timed terminal event at 19380.0
2025-09-30 17:49:32,952 sats.satellite.Scanner-1       INFO       <19380.00> Scanner-1: timed termination at 19380.0 for action_desat
2025-09-30 17:49:32,953 data.base                      INFO       <19380.00> Total reward: {}
2025-09-30 17:49:32,953 comm.communication             INFO       <19380.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,953 sats.satellite.Scanner-1       INFO       <19380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,955 gym                            INFO       <19380.00> Step reward: 0.0
2025-09-30 17:49:32,956 gym                            INFO       <19380.00> === STARTING STEP ===
2025-09-30 17:49:32,956 sats.satellite.Scanner-1       INFO       <19380.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:32,957 sats.satellite.Scanner-1       INFO       <19380.00> Scanner-1: setting timed terminal event at 19500.0
2025-09-30 17:49:32,971 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: timed termination at 19500.0 for action_charge
2025-09-30 17:49:32,971 data.base                      INFO       <19500.00> Total reward: {}
2025-09-30 17:49:32,972 comm.communication             INFO       <19500.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:32,973 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:32,974 gym                            INFO       <19500.00> Step reward: 0.0
2025-09-30 17:49:32,975 gym                            INFO       <19500.00> === STARTING STEP ===
2025-09-30 17:49:32,975 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:32,976 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: setting timed terminal event at 19680.0
2025-09-30 17:49:33,000 sats.satellite.Scanner-1       INFO       <19680.00> Scanner-1: timed termination at 19680.0 for action_nadir_scan
2025-09-30 17:49:33,001 data.base                      INFO       <19680.00> Total reward: {'Scanner-1': 0.004842105263157894}
2025-09-30 17:49:33,002 comm.communication             INFO       <19680.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,002 sats.satellite.Scanner-1       INFO       <19680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,004 gym                            INFO       <19680.00> Step reward: 0.004842105263157894
2025-09-30 17:49:33,005 gym                            INFO       <19680.00> === STARTING STEP ===
2025-09-30 17:49:33,006 sats.satellite.Scanner-1       INFO       <19680.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:33,006 sats.satellite.Scanner-1       INFO       <19680.00> Scanner-1: setting timed terminal event at 19740.0
2025-09-30 17:49:33,014 sats.satellite.Scanner-1       INFO       <19740.00> Scanner-1: timed termination at 19740.0 for action_downlink
2025-09-30 17:49:33,015 data.base                      INFO       <19740.00> Total reward: {}
2025-09-30 17:49:33,015 comm.communication             INFO       <19740.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,016 sats.satellite.Scanner-1       INFO       <19740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,018 gym                            INFO       <19740.00> Step reward: 0.0
2025-09-30 17:49:33,018 gym                            INFO       <19740.00> === STARTING STEP ===
2025-09-30 17:49:33,019 sats.satellite.Scanner-1       INFO       <19740.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:33,020 sats.satellite.Scanner-1       INFO       <19740.00> Scanner-1: setting timed terminal event at 19800.0
2025-09-30 17:49:33,029 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: timed termination at 19800.0 for action_desat
2025-09-30 17:49:33,029 data.base                      INFO       <19800.00> Total reward: {}
2025-09-30 17:49:33,029 comm.communication             INFO       <19800.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,031 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,032 gym                            INFO       <19800.00> Step reward: 0.0
2025-09-30 17:49:33,033 gym                            INFO       <19800.00> === STARTING STEP ===
2025-09-30 17:49:33,033 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,034 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: setting timed terminal event at 19920.0
2025-09-30 17:49:33,048 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: timed termination at 19920.0 for action_charge
2025-09-30 17:49:33,048 data.base                      INFO       <19920.00> Total reward: {}
2025-09-30 17:49:33,049 comm.communication             INFO       <19920.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,049 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,051 gym                            INFO       <19920.00> Step reward: 0.0
2025-09-30 17:49:33,052 gym                            INFO       <19920.00> === STARTING STEP ===
2025-09-30 17:49:33,052 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,053 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: setting timed terminal event at 20100.0
2025-09-30 17:49:33,072 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: timed termination at 20100.0 for action_nadir_scan
2025-09-30 17:49:33,073 data.base                      INFO       <20100.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-09-30 17:49:33,074 comm.communication             INFO       <20100.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,074 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,076 gym                            INFO       <20100.00> Step reward: 0.004947368421052631
2025-09-30 17:49:33,077 gym                            INFO       <20100.00> === STARTING STEP ===
2025-09-30 17:49:33,077 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:33,078 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: setting timed terminal event at 20160.0
2025-09-30 17:49:33,086 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: timed termination at 20160.0 for action_downlink
2025-09-30 17:49:33,087 data.base                      INFO       <20160.00> Total reward: {}
2025-09-30 17:49:33,087 comm.communication             INFO       <20160.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,088 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,090 gym                            INFO       <20160.00> Step reward: 0.0
2025-09-30 17:49:33,091 gym                            INFO       <20160.00> === STARTING STEP ===
2025-09-30 17:49:33,091 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,092 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: setting timed terminal event at 20280.0
2025-09-30 17:49:33,106 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: timed termination at 20280.0 for action_charge
2025-09-30 17:49:33,106 data.base                      INFO       <20280.00> Total reward: {}
2025-09-30 17:49:33,107 comm.communication             INFO       <20280.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,107 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,109 gym                            INFO       <20280.00> Step reward: 0.0
2025-09-30 17:49:33,110 gym                            INFO       <20280.00> === STARTING STEP ===
2025-09-30 17:49:33,111 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,111 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: setting timed terminal event at 20460.0
2025-09-30 17:49:33,131 sats.satellite.Scanner-1       INFO       <20460.00> Scanner-1: timed termination at 20460.0 for action_nadir_scan
2025-09-30 17:49:33,131 data.base                      INFO       <20460.00> Total reward: {'Scanner-1': 0.00512280701754386}
2025-09-30 17:49:33,132 comm.communication             INFO       <20460.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,132 sats.satellite.Scanner-1       INFO       <20460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,134 gym                            INFO       <20460.00> Step reward: 0.00512280701754386
2025-09-30 17:49:33,135 gym                            INFO       <20460.00> === STARTING STEP ===
2025-09-30 17:49:33,136 sats.satellite.Scanner-1       INFO       <20460.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:33,136 sats.satellite.Scanner-1       INFO       <20460.00> Scanner-1: setting timed terminal event at 20520.0
2025-09-30 17:49:33,145 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: timed termination at 20520.0 for action_downlink
2025-09-30 17:49:33,146 data.base                      INFO       <20520.00> Total reward: {}
2025-09-30 17:49:33,146 comm.communication             INFO       <20520.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,147 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,149 gym                            INFO       <20520.00> Step reward: 0.0
2025-09-30 17:49:33,150 gym                            INFO       <20520.00> === STARTING STEP ===
2025-09-30 17:49:33,150 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:33,150 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: setting timed terminal event at 20580.0
2025-09-30 17:49:33,159 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: timed termination at 20580.0 for action_downlink
2025-09-30 17:49:33,160 data.base                      INFO       <20580.00> Total reward: {}
2025-09-30 17:49:33,160 comm.communication             INFO       <20580.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,161 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,162 gym                            INFO       <20580.00> Step reward: 0.0
2025-09-30 17:49:33,163 gym                            INFO       <20580.00> === STARTING STEP ===
2025-09-30 17:49:33,164 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,164 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: setting timed terminal event at 20760.0
2025-09-30 17:49:33,188 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: timed termination at 20760.0 for action_nadir_scan
2025-09-30 17:49:33,189 data.base                      INFO       <20760.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-09-30 17:49:33,189 comm.communication             INFO       <20760.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,190 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,192 gym                            INFO       <20760.00> Step reward: 0.004947368421052631
2025-09-30 17:49:33,193 gym                            INFO       <20760.00> === STARTING STEP ===
2025-09-30 17:49:33,193 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,194 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: setting timed terminal event at 20940.0
2025-09-30 17:49:33,218 sats.satellite.Scanner-1       INFO       <20940.00> Scanner-1: timed termination at 20940.0 for action_nadir_scan
2025-09-30 17:49:33,218 data.base                      INFO       <20940.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:33,219 comm.communication             INFO       <20940.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,219 sats.satellite.Scanner-1       INFO       <20940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,221 gym                            INFO       <20940.00> Step reward: 0.00631578947368421
2025-09-30 17:49:33,222 gym                            INFO       <20940.00> === STARTING STEP ===
2025-09-30 17:49:33,223 sats.satellite.Scanner-1       INFO       <20940.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,223 sats.satellite.Scanner-1       INFO       <20940.00> Scanner-1: setting timed terminal event at 21120.0
2025-09-30 17:49:33,243 sats.satellite.Scanner-1       INFO       <21120.00> Scanner-1: timed termination at 21120.0 for action_nadir_scan
2025-09-30 17:49:33,243 data.base                      INFO       <21120.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:33,244 comm.communication             INFO       <21120.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,244 sats.satellite.Scanner-1       INFO       <21120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,246 gym                            INFO       <21120.00> Step reward: 0.00631578947368421
2025-09-30 17:49:33,247 gym                            INFO       <21120.00> === STARTING STEP ===
2025-09-30 17:49:33,248 sats.satellite.Scanner-1       INFO       <21120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,248 sats.satellite.Scanner-1       INFO       <21120.00> Scanner-1: setting timed terminal event at 21240.0
2025-09-30 17:49:33,264 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: timed termination at 21240.0 for action_charge
2025-09-30 17:49:33,264 data.base                      INFO       <21240.00> Total reward: {}
2025-09-30 17:49:33,265 comm.communication             INFO       <21240.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,265 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,267 gym                            INFO       <21240.00> Step reward: 0.0
2025-09-30 17:49:33,268 gym                            INFO       <21240.00> === STARTING STEP ===
2025-09-30 17:49:33,268 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:33,269 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: setting timed terminal event at 21300.0
2025-09-30 17:49:33,277 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: timed termination at 21300.0 for action_desat
2025-09-30 17:49:33,278 data.base                      INFO       <21300.00> Total reward: {}
2025-09-30 17:49:33,278 comm.communication             INFO       <21300.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,278 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,280 gym                            INFO       <21300.00> Step reward: 0.0
2025-09-30 17:49:33,281 gym                            INFO       <21300.00> === STARTING STEP ===
2025-09-30 17:49:33,282 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,282 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: setting timed terminal event at 21480.0
2025-09-30 17:49:33,302 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: timed termination at 21480.0 for action_nadir_scan
2025-09-30 17:49:33,302 data.base                      INFO       <21480.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-30 17:49:33,303 comm.communication             INFO       <21480.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,304 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,306 gym                            INFO       <21480.00> Step reward: 0.004912280701754385
2025-09-30 17:49:33,306 gym                            INFO       <21480.00> === STARTING STEP ===
2025-09-30 17:49:33,307 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,308 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: setting timed terminal event at 21660.0
2025-09-30 17:49:33,327 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: timed termination at 21660.0 for action_nadir_scan
2025-09-30 17:49:33,328 data.base                      INFO       <21660.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:33,328 comm.communication             INFO       <21660.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,329 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,331 gym                            INFO       <21660.00> Step reward: 0.00631578947368421
2025-09-30 17:49:33,332 gym                            INFO       <21660.00> === STARTING STEP ===
2025-09-30 17:49:33,332 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,333 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: setting timed terminal event at 21840.0
2025-09-30 17:49:33,352 sats.satellite.Scanner-1       INFO       <21840.00> Scanner-1: timed termination at 21840.0 for action_nadir_scan
2025-09-30 17:49:33,353 data.base                      INFO       <21840.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:33,353 comm.communication             INFO       <21840.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,354 sats.satellite.Scanner-1       INFO       <21840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,356 gym                            INFO       <21840.00> Step reward: 0.00631578947368421
2025-09-30 17:49:33,356 gym                            INFO       <21840.00> === STARTING STEP ===
2025-09-30 17:49:33,357 sats.satellite.Scanner-1       INFO       <21840.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,357 sats.satellite.Scanner-1       INFO       <21840.00> Scanner-1: setting timed terminal event at 21960.0
2025-09-30 17:49:33,372 sats.satellite.Scanner-1       INFO       <21960.00> Scanner-1: timed termination at 21960.0 for action_charge
2025-09-30 17:49:33,372 data.base                      INFO       <21960.00> Total reward: {}
2025-09-30 17:49:33,373 comm.communication             INFO       <21960.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,373 sats.satellite.Scanner-1       INFO       <21960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,375 gym                            INFO       <21960.00> Step reward: 0.0
2025-09-30 17:49:33,376 gym                            INFO       <21960.00> === STARTING STEP ===
2025-09-30 17:49:33,376 sats.satellite.Scanner-1       INFO       <21960.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:33,377 sats.satellite.Scanner-1       INFO       <21960.00> Scanner-1: setting timed terminal event at 22020.0
2025-09-30 17:49:33,384 sats.satellite.Scanner-1       INFO       <22020.00> Scanner-1: timed termination at 22020.0 for action_downlink
2025-09-30 17:49:33,385 data.base                      INFO       <22020.00> Total reward: {}
2025-09-30 17:49:33,385 comm.communication             INFO       <22020.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,386 sats.satellite.Scanner-1       INFO       <22020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,388 gym                            INFO       <22020.00> Step reward: 0.0
2025-09-30 17:49:33,389 gym                            INFO       <22020.00> === STARTING STEP ===
2025-09-30 17:49:33,389 sats.satellite.Scanner-1       INFO       <22020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,390 sats.satellite.Scanner-1       INFO       <22020.00> Scanner-1: setting timed terminal event at 22140.0
2025-09-30 17:49:33,403 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: timed termination at 22140.0 for action_charge
2025-09-30 17:49:33,404 data.base                      INFO       <22140.00> Total reward: {}
2025-09-30 17:49:33,404 comm.communication             INFO       <22140.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,405 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,407 gym                            INFO       <22140.00> Step reward: 0.0
2025-09-30 17:49:33,408 gym                            INFO       <22140.00> === STARTING STEP ===
2025-09-30 17:49:33,408 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,408 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: setting timed terminal event at 22260.0
2025-09-30 17:49:33,422 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: timed termination at 22260.0 for action_charge
2025-09-30 17:49:33,422 data.base                      INFO       <22260.00> Total reward: {}
2025-09-30 17:49:33,423 comm.communication             INFO       <22260.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,423 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,425 gym                            INFO       <22260.00> Step reward: 0.0
2025-09-30 17:49:33,426 gym                            INFO       <22260.00> === STARTING STEP ===
2025-09-30 17:49:33,426 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:33,427 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: setting timed terminal event at 22320.0
2025-09-30 17:49:33,436 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: timed termination at 22320.0 for action_downlink
2025-09-30 17:49:33,436 data.base                      INFO       <22320.00> Total reward: {}
2025-09-30 17:49:33,437 comm.communication             INFO       <22320.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,437 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,439 gym                            INFO       <22320.00> Step reward: 0.0
2025-09-30 17:49:33,440 gym                            INFO       <22320.00> === STARTING STEP ===
2025-09-30 17:49:33,440 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,441 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: setting timed terminal event at 22500.0
2025-09-30 17:49:33,461 sats.satellite.Scanner-1       INFO       <22500.00> Scanner-1: timed termination at 22500.0 for action_nadir_scan
2025-09-30 17:49:33,462 data.base                      INFO       <22500.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-30 17:49:33,462 comm.communication             INFO       <22500.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,463 sats.satellite.Scanner-1       INFO       <22500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,465 gym                            INFO       <22500.00> Step reward: 0.004912280701754385
2025-09-30 17:49:33,466 gym                            INFO       <22500.00> === STARTING STEP ===
2025-09-30 17:49:33,466 sats.satellite.Scanner-1       INFO       <22500.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:33,467 sats.satellite.Scanner-1       INFO       <22500.00> Scanner-1: setting timed terminal event at 22560.0
2025-09-30 17:49:33,474 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: timed termination at 22560.0 for action_downlink
2025-09-30 17:49:33,475 data.base                      INFO       <22560.00> Total reward: {}
2025-09-30 17:49:33,475 comm.communication             INFO       <22560.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,476 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,478 gym                            INFO       <22560.00> Step reward: 0.0
2025-09-30 17:49:33,479 gym                            INFO       <22560.00> === STARTING STEP ===
2025-09-30 17:49:33,479 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,480 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: setting timed terminal event at 22740.0
2025-09-30 17:49:33,499 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: timed termination at 22740.0 for action_nadir_scan
2025-09-30 17:49:33,500 data.base                      INFO       <22740.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-09-30 17:49:33,500 comm.communication             INFO       <22740.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,501 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,503 gym                            INFO       <22740.00> Step reward: 0.00487719298245614
2025-09-30 17:49:33,504 gym                            INFO       <22740.00> === STARTING STEP ===
2025-09-30 17:49:33,505 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,505 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: setting timed terminal event at 22860.0
2025-09-30 17:49:33,521 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: timed termination at 22860.0 for action_charge
2025-09-30 17:49:33,522 data.base                      INFO       <22860.00> Total reward: {}
2025-09-30 17:49:33,522 comm.communication             INFO       <22860.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,523 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,525 gym                            INFO       <22860.00> Step reward: 0.0
2025-09-30 17:49:33,526 gym                            INFO       <22860.00> === STARTING STEP ===
2025-09-30 17:49:33,526 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,527 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: setting timed terminal event at 22980.0
2025-09-30 17:49:33,543 sats.satellite.Scanner-1       INFO       <22980.00> Scanner-1: timed termination at 22980.0 for action_charge
2025-09-30 17:49:33,543 data.base                      INFO       <22980.00> Total reward: {}
2025-09-30 17:49:33,544 comm.communication             INFO       <22980.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,545 sats.satellite.Scanner-1       INFO       <22980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,547 gym                            INFO       <22980.00> Step reward: 0.0
2025-09-30 17:49:33,547 gym                            INFO       <22980.00> === STARTING STEP ===
2025-09-30 17:49:33,548 sats.satellite.Scanner-1       INFO       <22980.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,548 sats.satellite.Scanner-1       INFO       <22980.00> Scanner-1: setting timed terminal event at 23100.0
2025-09-30 17:49:33,565 sats.satellite.Scanner-1       INFO       <23100.00> Scanner-1: timed termination at 23100.0 for action_charge
2025-09-30 17:49:33,565 data.base                      INFO       <23100.00> Total reward: {}
2025-09-30 17:49:33,566 comm.communication             INFO       <23100.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,567 sats.satellite.Scanner-1       INFO       <23100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,569 gym                            INFO       <23100.00> Step reward: 0.0
2025-09-30 17:49:33,569 gym                            INFO       <23100.00> === STARTING STEP ===
2025-09-30 17:49:33,570 sats.satellite.Scanner-1       INFO       <23100.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:33,570 sats.satellite.Scanner-1       INFO       <23100.00> Scanner-1: setting timed terminal event at 23160.0
2025-09-30 17:49:33,579 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: timed termination at 23160.0 for action_downlink
2025-09-30 17:49:33,579 data.base                      INFO       <23160.00> Total reward: {}
2025-09-30 17:49:33,580 comm.communication             INFO       <23160.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,581 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,582 gym                            INFO       <23160.00> Step reward: 0.0
2025-09-30 17:49:33,583 gym                            INFO       <23160.00> === STARTING STEP ===
2025-09-30 17:49:33,584 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,584 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: setting timed terminal event at 23340.0
2025-09-30 17:49:33,605 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: timed termination at 23340.0 for action_nadir_scan
2025-09-30 17:49:33,605 data.base                      INFO       <23340.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-30 17:49:33,606 comm.communication             INFO       <23340.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,606 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,614 gym                            INFO       <23340.00> Step reward: 0.004912280701754385
2025-09-30 17:49:33,615 gym                            INFO       <23340.00> === STARTING STEP ===
2025-09-30 17:49:33,616 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:33,616 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: setting timed terminal event at 23400.0
2025-09-30 17:49:33,625 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: timed termination at 23400.0 for action_desat
2025-09-30 17:49:33,625 data.base                      INFO       <23400.00> Total reward: {}
2025-09-30 17:49:33,626 comm.communication             INFO       <23400.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,626 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,628 gym                            INFO       <23400.00> Step reward: 0.0
2025-09-30 17:49:33,629 gym                            INFO       <23400.00> === STARTING STEP ===
2025-09-30 17:49:33,629 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:33,630 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: setting timed terminal event at 23460.0
2025-09-30 17:49:33,638 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: timed termination at 23460.0 for action_downlink
2025-09-30 17:49:33,639 data.base                      INFO       <23460.00> Total reward: {}
2025-09-30 17:49:33,639 comm.communication             INFO       <23460.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,640 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,641 gym                            INFO       <23460.00> Step reward: 0.0
2025-09-30 17:49:33,642 gym                            INFO       <23460.00> === STARTING STEP ===
2025-09-30 17:49:33,642 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,643 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: setting timed terminal event at 23580.0
2025-09-30 17:49:33,659 sats.satellite.Scanner-1       INFO       <23580.00> Scanner-1: timed termination at 23580.0 for action_charge
2025-09-30 17:49:33,660 data.base                      INFO       <23580.00> Total reward: {}
2025-09-30 17:49:33,660 comm.communication             INFO       <23580.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,661 sats.satellite.Scanner-1       INFO       <23580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,663 gym                            INFO       <23580.00> Step reward: 0.0
2025-09-30 17:49:33,664 gym                            INFO       <23580.00> === STARTING STEP ===
2025-09-30 17:49:33,665 sats.satellite.Scanner-1       INFO       <23580.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,665 sats.satellite.Scanner-1       INFO       <23580.00> Scanner-1: setting timed terminal event at 23700.0
2025-09-30 17:49:33,681 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: timed termination at 23700.0 for action_charge
2025-09-30 17:49:33,682 data.base                      INFO       <23700.00> Total reward: {}
2025-09-30 17:49:33,682 comm.communication             INFO       <23700.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,683 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,685 gym                            INFO       <23700.00> Step reward: 0.0
2025-09-30 17:49:33,685 gym                            INFO       <23700.00> === STARTING STEP ===
2025-09-30 17:49:33,686 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,686 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: setting timed terminal event at 23880.0
2025-09-30 17:49:33,706 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: timed termination at 23880.0 for action_nadir_scan
2025-09-30 17:49:33,707 data.base                      INFO       <23880.00> Total reward: {'Scanner-1': 0.004596491228070175}
2025-09-30 17:49:33,707 comm.communication             INFO       <23880.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,708 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,710 gym                            INFO       <23880.00> Step reward: 0.004596491228070175
2025-09-30 17:49:33,711 gym                            INFO       <23880.00> === STARTING STEP ===
2025-09-30 17:49:33,711 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:33,712 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: setting timed terminal event at 23940.0
2025-09-30 17:49:33,720 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: timed termination at 23940.0 for action_desat
2025-09-30 17:49:33,720 data.base                      INFO       <23940.00> Total reward: {}
2025-09-30 17:49:33,721 comm.communication             INFO       <23940.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,721 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,723 gym                            INFO       <23940.00> Step reward: 0.0
2025-09-30 17:49:33,724 gym                            INFO       <23940.00> === STARTING STEP ===
2025-09-30 17:49:33,724 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:33,725 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: setting timed terminal event at 24000.0
2025-09-30 17:49:33,733 sats.satellite.Scanner-1       INFO       <24000.00> Scanner-1: timed termination at 24000.0 for action_desat
2025-09-30 17:49:33,734 data.base                      INFO       <24000.00> Total reward: {}
2025-09-30 17:49:33,734 comm.communication             INFO       <24000.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,735 sats.satellite.Scanner-1       INFO       <24000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,737 gym                            INFO       <24000.00> Step reward: 0.0
2025-09-30 17:49:33,737 gym                            INFO       <24000.00> === STARTING STEP ===
2025-09-30 17:49:33,738 sats.satellite.Scanner-1       INFO       <24000.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,738 sats.satellite.Scanner-1       INFO       <24000.00> Scanner-1: setting timed terminal event at 24120.0
2025-09-30 17:49:33,752 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: timed termination at 24120.0 for action_charge
2025-09-30 17:49:33,753 data.base                      INFO       <24120.00> Total reward: {}
2025-09-30 17:49:33,753 comm.communication             INFO       <24120.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,754 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,756 gym                            INFO       <24120.00> Step reward: 0.0
2025-09-30 17:49:33,757 gym                            INFO       <24120.00> === STARTING STEP ===
2025-09-30 17:49:33,757 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,758 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: setting timed terminal event at 24300.0
2025-09-30 17:49:33,779 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: timed termination at 24300.0 for action_nadir_scan
2025-09-30 17:49:33,780 data.base                      INFO       <24300.00> Total reward: {'Scanner-1': 0.004526315789473684}
2025-09-30 17:49:33,780 comm.communication             INFO       <24300.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,781 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,783 gym                            INFO       <24300.00> Step reward: 0.004526315789473684
2025-09-30 17:49:33,783 gym                            INFO       <24300.00> === STARTING STEP ===
2025-09-30 17:49:33,784 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:33,785 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: setting timed terminal event at 24360.0
2025-09-30 17:49:33,792 sats.satellite.Scanner-1       INFO       <24360.00> Scanner-1: timed termination at 24360.0 for action_desat
2025-09-30 17:49:33,793 data.base                      INFO       <24360.00> Total reward: {}
2025-09-30 17:49:33,793 comm.communication             INFO       <24360.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,794 sats.satellite.Scanner-1       INFO       <24360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,796 gym                            INFO       <24360.00> Step reward: 0.0
2025-09-30 17:49:33,797 gym                            INFO       <24360.00> === STARTING STEP ===
2025-09-30 17:49:33,797 sats.satellite.Scanner-1       INFO       <24360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:33,798 sats.satellite.Scanner-1       INFO       <24360.00> Scanner-1: setting timed terminal event at 24420.0
2025-09-30 17:49:33,806 sats.satellite.Scanner-1       INFO       <24420.00> Scanner-1: timed termination at 24420.0 for action_desat
2025-09-30 17:49:33,806 data.base                      INFO       <24420.00> Total reward: {}
2025-09-30 17:49:33,807 comm.communication             INFO       <24420.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,808 sats.satellite.Scanner-1       INFO       <24420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,810 gym                            INFO       <24420.00> Step reward: 0.0
2025-09-30 17:49:33,810 gym                            INFO       <24420.00> === STARTING STEP ===
2025-09-30 17:49:33,811 sats.satellite.Scanner-1       INFO       <24420.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,811 sats.satellite.Scanner-1       INFO       <24420.00> Scanner-1: setting timed terminal event at 24540.0
2025-09-30 17:49:33,825 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: timed termination at 24540.0 for action_charge
2025-09-30 17:49:33,826 data.base                      INFO       <24540.00> Total reward: {}
2025-09-30 17:49:33,827 comm.communication             INFO       <24540.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,827 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,829 gym                            INFO       <24540.00> Step reward: 0.0
2025-09-30 17:49:33,830 gym                            INFO       <24540.00> === STARTING STEP ===
2025-09-30 17:49:33,830 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,830 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: setting timed terminal event at 24720.0
2025-09-30 17:49:33,850 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: timed termination at 24720.0 for action_nadir_scan
2025-09-30 17:49:33,851 data.base                      INFO       <24720.00> Total reward: {'Scanner-1': 0.004666666666666666}
2025-09-30 17:49:33,852 comm.communication             INFO       <24720.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,852 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,854 gym                            INFO       <24720.00> Step reward: 0.004666666666666666
2025-09-30 17:49:33,855 gym                            INFO       <24720.00> === STARTING STEP ===
2025-09-30 17:49:33,855 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,856 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: setting timed terminal event at 24900.0
2025-09-30 17:49:33,875 sats.satellite.Scanner-1       INFO       <24900.00> Scanner-1: timed termination at 24900.0 for action_nadir_scan
2025-09-30 17:49:33,876 data.base                      INFO       <24900.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-09-30 17:49:33,876 comm.communication             INFO       <24900.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,877 sats.satellite.Scanner-1       INFO       <24900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,879 gym                            INFO       <24900.00> Step reward: 0.00631578947368421
2025-09-30 17:49:33,879 gym                            INFO       <24900.00> === STARTING STEP ===
2025-09-30 17:49:33,880 sats.satellite.Scanner-1       INFO       <24900.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:33,880 sats.satellite.Scanner-1       INFO       <24900.00> Scanner-1: setting timed terminal event at 24960.0
2025-09-30 17:49:33,889 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: timed termination at 24960.0 for action_desat
2025-09-30 17:49:33,889 data.base                      INFO       <24960.00> Total reward: {}
2025-09-30 17:49:33,890 comm.communication             INFO       <24960.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,891 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,893 gym                            INFO       <24960.00> Step reward: 0.0
2025-09-30 17:49:33,893 gym                            INFO       <24960.00> === STARTING STEP ===
2025-09-30 17:49:33,894 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:33,894 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: setting timed terminal event at 25020.0
2025-09-30 17:49:33,902 sats.satellite.Scanner-1       INFO       <25020.00> Scanner-1: timed termination at 25020.0 for action_downlink
2025-09-30 17:49:33,903 data.base                      INFO       <25020.00> Total reward: {}
2025-09-30 17:49:33,903 comm.communication             INFO       <25020.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,904 sats.satellite.Scanner-1       INFO       <25020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,906 gym                            INFO       <25020.00> Step reward: 0.0
2025-09-30 17:49:33,906 gym                            INFO       <25020.00> === STARTING STEP ===
2025-09-30 17:49:33,907 sats.satellite.Scanner-1       INFO       <25020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,907 sats.satellite.Scanner-1       INFO       <25020.00> Scanner-1: setting timed terminal event at 25140.0
2025-09-30 17:49:33,921 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: timed termination at 25140.0 for action_charge
2025-09-30 17:49:33,922 data.base                      INFO       <25140.00> Total reward: {}
2025-09-30 17:49:33,922 comm.communication             INFO       <25140.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,923 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,925 gym                            INFO       <25140.00> Step reward: 0.0
2025-09-30 17:49:33,926 gym                            INFO       <25140.00> === STARTING STEP ===
2025-09-30 17:49:33,926 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,926 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: setting timed terminal event at 25320.0
2025-09-30 17:49:33,946 sats.satellite.Scanner-1       INFO       <25320.00> Scanner-1: timed termination at 25320.0 for action_nadir_scan
2025-09-30 17:49:33,947 data.base                      INFO       <25320.00> Total reward: {'Scanner-1': 0.0048070175438596485}
2025-09-30 17:49:33,947 comm.communication             INFO       <25320.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,948 sats.satellite.Scanner-1       INFO       <25320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,961 gym                            INFO       <25320.00> Step reward: 0.0048070175438596485
2025-09-30 17:49:33,962 gym                            INFO       <25320.00> === STARTING STEP ===
2025-09-30 17:49:33,963 sats.satellite.Scanner-1       INFO       <25320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:33,963 sats.satellite.Scanner-1       INFO       <25320.00> Scanner-1: setting timed terminal event at 25440.0
2025-09-30 17:49:33,979 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: timed termination at 25440.0 for action_charge
2025-09-30 17:49:33,980 data.base                      INFO       <25440.00> Total reward: {}
2025-09-30 17:49:33,981 comm.communication             INFO       <25440.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:33,981 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:33,983 gym                            INFO       <25440.00> Step reward: 0.0
2025-09-30 17:49:33,984 gym                            INFO       <25440.00> === STARTING STEP ===
2025-09-30 17:49:33,984 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:33,985 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: setting timed terminal event at 25620.0
2025-09-30 17:49:34,005 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: timed termination at 25620.0 for action_nadir_scan
2025-09-30 17:49:34,005 data.base                      INFO       <25620.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-09-30 17:49:34,006 comm.communication             INFO       <25620.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,007 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,009 gym                            INFO       <25620.00> Step reward: 0.0049824561403508764
2025-09-30 17:49:34,010 gym                            INFO       <25620.00> === STARTING STEP ===
2025-09-30 17:49:34,010 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:34,010 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: setting timed terminal event at 25680.0
2025-09-30 17:49:34,019 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: timed termination at 25680.0 for action_desat
2025-09-30 17:49:34,019 data.base                      INFO       <25680.00> Total reward: {}
2025-09-30 17:49:34,019 comm.communication             INFO       <25680.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,020 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,022 gym                            INFO       <25680.00> Step reward: 0.0
2025-09-30 17:49:34,022 gym                            INFO       <25680.00> === STARTING STEP ===
2025-09-30 17:49:34,023 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:34,023 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: setting timed terminal event at 25740.0
2025-09-30 17:49:34,033 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: timed termination at 25740.0 for action_desat
2025-09-30 17:49:34,033 data.base                      INFO       <25740.00> Total reward: {}
2025-09-30 17:49:34,033 comm.communication             INFO       <25740.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,034 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,036 gym                            INFO       <25740.00> Step reward: 0.0
2025-09-30 17:49:34,036 gym                            INFO       <25740.00> === STARTING STEP ===
2025-09-30 17:49:34,037 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:34,037 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: setting timed terminal event at 25860.0
2025-09-30 17:49:34,054 sats.satellite.Scanner-1       INFO       <25860.00> Scanner-1: timed termination at 25860.0 for action_charge
2025-09-30 17:49:34,054 data.base                      INFO       <25860.00> Total reward: {}
2025-09-30 17:49:34,055 comm.communication             INFO       <25860.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,055 sats.satellite.Scanner-1       INFO       <25860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,057 gym                            INFO       <25860.00> Step reward: 0.0
2025-09-30 17:49:34,058 gym                            INFO       <25860.00> === STARTING STEP ===
2025-09-30 17:49:34,058 sats.satellite.Scanner-1       INFO       <25860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:34,059 sats.satellite.Scanner-1       INFO       <25860.00> Scanner-1: setting timed terminal event at 25920.0
2025-09-30 17:49:34,068 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: timed termination at 25920.0 for action_desat
2025-09-30 17:49:34,069 data.base                      INFO       <25920.00> Total reward: {}
2025-09-30 17:49:34,069 comm.communication             INFO       <25920.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,070 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,071 gym                            INFO       <25920.00> Step reward: 0.0
2025-09-30 17:49:34,072 gym                            INFO       <25920.00> === STARTING STEP ===
2025-09-30 17:49:34,072 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:34,073 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: setting timed terminal event at 25980.0
2025-09-30 17:49:34,081 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: timed termination at 25980.0 for action_desat
2025-09-30 17:49:34,082 data.base                      INFO       <25980.00> Total reward: {}
2025-09-30 17:49:34,082 comm.communication             INFO       <25980.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,083 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,085 gym                            INFO       <25980.00> Step reward: 0.0
2025-09-30 17:49:34,085 gym                            INFO       <25980.00> === STARTING STEP ===
2025-09-30 17:49:34,086 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:34,086 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: setting timed terminal event at 26160.0
2025-09-30 17:49:34,111 sats.satellite.Scanner-1       INFO       <26160.00> Scanner-1: timed termination at 26160.0 for action_nadir_scan
2025-09-30 17:49:34,111 data.base                      INFO       <26160.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-09-30 17:49:34,112 comm.communication             INFO       <26160.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,113 sats.satellite.Scanner-1       INFO       <26160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,114 gym                            INFO       <26160.00> Step reward: 0.004947368421052631
2025-09-30 17:49:34,115 gym                            INFO       <26160.00> === STARTING STEP ===
2025-09-30 17:49:34,116 sats.satellite.Scanner-1       INFO       <26160.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:34,116 sats.satellite.Scanner-1       INFO       <26160.00> Scanner-1: setting timed terminal event at 26220.0
2025-09-30 17:49:34,124 sats.satellite.Scanner-1       INFO       <26220.00> Scanner-1: timed termination at 26220.0 for action_desat
2025-09-30 17:49:34,125 data.base                      INFO       <26220.00> Total reward: {}
2025-09-30 17:49:34,126 comm.communication             INFO       <26220.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,126 sats.satellite.Scanner-1       INFO       <26220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,128 gym                            INFO       <26220.00> Step reward: 0.0
2025-09-30 17:49:34,129 gym                            INFO       <26220.00> === STARTING STEP ===
2025-09-30 17:49:34,129 sats.satellite.Scanner-1       INFO       <26220.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:34,130 sats.satellite.Scanner-1       INFO       <26220.00> Scanner-1: setting timed terminal event at 26340.0
2025-09-30 17:49:34,143 sats.satellite.Scanner-1       INFO       <26340.00> Scanner-1: timed termination at 26340.0 for action_charge
2025-09-30 17:49:34,144 data.base                      INFO       <26340.00> Total reward: {}
2025-09-30 17:49:34,144 comm.communication             INFO       <26340.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,145 sats.satellite.Scanner-1       INFO       <26340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,147 gym                            INFO       <26340.00> Step reward: 0.0
2025-09-30 17:49:34,147 gym                            INFO       <26340.00> === STARTING STEP ===
2025-09-30 17:49:34,148 sats.satellite.Scanner-1       INFO       <26340.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:34,148 sats.satellite.Scanner-1       INFO       <26340.00> Scanner-1: setting timed terminal event at 26460.0
2025-09-30 17:49:34,162 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: timed termination at 26460.0 for action_charge
2025-09-30 17:49:34,163 data.base                      INFO       <26460.00> Total reward: {}
2025-09-30 17:49:34,163 comm.communication             INFO       <26460.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,164 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,165 gym                            INFO       <26460.00> Step reward: 0.0
2025-09-30 17:49:34,166 gym                            INFO       <26460.00> === STARTING STEP ===
2025-09-30 17:49:34,167 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:34,168 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: setting timed terminal event at 26640.0
2025-09-30 17:49:34,189 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: timed termination at 26640.0 for action_nadir_scan
2025-09-30 17:49:34,189 data.base                      INFO       <26640.00> Total reward: {'Scanner-1': 0.005508771929824561}
2025-09-30 17:49:34,190 comm.communication             INFO       <26640.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,190 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,192 gym                            INFO       <26640.00> Step reward: 0.005508771929824561
2025-09-30 17:49:34,193 gym                            INFO       <26640.00> === STARTING STEP ===
2025-09-30 17:49:34,194 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:34,194 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: setting timed terminal event at 26700.0
2025-09-30 17:49:34,202 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: timed termination at 26700.0 for action_desat
2025-09-30 17:49:34,202 data.base                      INFO       <26700.00> Total reward: {}
2025-09-30 17:49:34,203 comm.communication             INFO       <26700.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,203 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,205 gym                            INFO       <26700.00> Step reward: 0.0
2025-09-30 17:49:34,206 gym                            INFO       <26700.00> === STARTING STEP ===
2025-09-30 17:49:34,206 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:34,207 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: setting timed terminal event at 26820.0
2025-09-30 17:49:34,221 sats.satellite.Scanner-1       INFO       <26820.00> Scanner-1: timed termination at 26820.0 for action_charge
2025-09-30 17:49:34,222 data.base                      INFO       <26820.00> Total reward: {}
2025-09-30 17:49:34,222 comm.communication             INFO       <26820.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,223 sats.satellite.Scanner-1       INFO       <26820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,224 gym                            INFO       <26820.00> Step reward: 0.0
2025-09-30 17:49:34,225 gym                            INFO       <26820.00> === STARTING STEP ===
2025-09-30 17:49:34,225 sats.satellite.Scanner-1       INFO       <26820.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:34,226 sats.satellite.Scanner-1       INFO       <26820.00> Scanner-1: setting timed terminal event at 26940.0
2025-09-30 17:49:34,240 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: timed termination at 26940.0 for action_charge
2025-09-30 17:49:34,240 data.base                      INFO       <26940.00> Total reward: {}
2025-09-30 17:49:34,241 comm.communication             INFO       <26940.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,242 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,243 gym                            INFO       <26940.00> Step reward: 0.0
2025-09-30 17:49:34,244 gym                            INFO       <26940.00> === STARTING STEP ===
2025-09-30 17:49:34,244 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:34,245 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: setting timed terminal event at 27000.0
2025-09-30 17:49:34,254 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: timed termination at 27000.0 for action_desat
2025-09-30 17:49:34,254 data.base                      INFO       <27000.00> Total reward: {}
2025-09-30 17:49:34,255 comm.communication             INFO       <27000.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,256 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,257 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: Finding opportunity windows from 28800.00 to 29400.00 seconds
2025-09-30 17:49:34,262 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: Finding opportunity windows from 29400.00 to 30000.00 seconds
2025-09-30 17:49:34,267 gym                            INFO       <27000.00> Step reward: 0.0
2025-09-30 17:49:34,267 gym                            INFO       <27000.00> === STARTING STEP ===
2025-09-30 17:49:34,268 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:34,268 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: setting timed terminal event at 27060.0
2025-09-30 17:49:34,277 sats.satellite.Scanner-1       INFO       <27060.00> Scanner-1: timed termination at 27060.0 for action_desat
2025-09-30 17:49:34,278 data.base                      INFO       <27060.00> Total reward: {}
2025-09-30 17:49:34,278 comm.communication             INFO       <27060.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,279 sats.satellite.Scanner-1       INFO       <27060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,281 gym                            INFO       <27060.00> Step reward: 0.0
2025-09-30 17:49:34,281 gym                            INFO       <27060.00> === STARTING STEP ===
2025-09-30 17:49:34,282 sats.satellite.Scanner-1       INFO       <27060.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:34,282 sats.satellite.Scanner-1       INFO       <27060.00> Scanner-1: setting timed terminal event at 27180.0
2025-09-30 17:49:34,298 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: timed termination at 27180.0 for action_charge
2025-09-30 17:49:34,299 data.base                      INFO       <27180.00> Total reward: {}
2025-09-30 17:49:34,299 comm.communication             INFO       <27180.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,300 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,302 gym                            INFO       <27180.00> Step reward: 0.0
2025-09-30 17:49:34,302 gym                            INFO       <27180.00> === STARTING STEP ===
2025-09-30 17:49:34,303 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:34,303 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: setting timed terminal event at 27240.0
2025-09-30 17:49:34,312 sats.satellite.Scanner-1       INFO       <27240.00> Scanner-1: timed termination at 27240.0 for action_downlink
2025-09-30 17:49:34,313 data.base                      INFO       <27240.00> Total reward: {}
2025-09-30 17:49:34,313 comm.communication             INFO       <27240.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,314 sats.satellite.Scanner-1       INFO       <27240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,316 gym                            INFO       <27240.00> Step reward: 0.0
2025-09-30 17:49:34,316 gym                            INFO       <27240.00> === STARTING STEP ===
2025-09-30 17:49:34,317 sats.satellite.Scanner-1       INFO       <27240.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:34,317 sats.satellite.Scanner-1       INFO       <27240.00> Scanner-1: setting timed terminal event at 27420.0
2025-09-30 17:49:34,338 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: timed termination at 27420.0 for action_nadir_scan
2025-09-30 17:49:34,339 data.base                      INFO       <27420.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-09-30 17:49:34,340 comm.communication             INFO       <27420.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,340 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,342 gym                            INFO       <27420.00> Step reward: 0.004912280701754385
2025-09-30 17:49:34,343 gym                            INFO       <27420.00> === STARTING STEP ===
2025-09-30 17:49:34,344 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:34,344 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: setting timed terminal event at 27480.0
2025-09-30 17:49:34,352 sats.satellite.Scanner-1       INFO       <27480.00> Scanner-1: timed termination at 27480.0 for action_downlink
2025-09-30 17:49:34,353 data.base                      INFO       <27480.00> Total reward: {}
2025-09-30 17:49:34,353 comm.communication             INFO       <27480.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,354 sats.satellite.Scanner-1       INFO       <27480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,356 gym                            INFO       <27480.00> Step reward: 0.0
2025-09-30 17:49:34,356 gym                            INFO       <27480.00> === STARTING STEP ===
2025-09-30 17:49:34,357 sats.satellite.Scanner-1       INFO       <27480.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-09-30 17:49:34,357 sats.satellite.Scanner-1       INFO       <27480.00> Scanner-1: setting timed terminal event at 27540.0
2025-09-30 17:49:34,366 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: timed termination at 27540.0 for action_desat
2025-09-30 17:49:34,366 data.base                      INFO       <27540.00> Total reward: {}
2025-09-30 17:49:34,367 comm.communication             INFO       <27540.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,368 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,370 gym                            INFO       <27540.00> Step reward: 0.0
2025-09-30 17:49:34,370 gym                            INFO       <27540.00> === STARTING STEP ===
2025-09-30 17:49:34,371 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:34,371 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: setting timed terminal event at 27600.0
2025-09-30 17:49:34,379 sats.satellite.Scanner-1       INFO       <27600.00> Scanner-1: timed termination at 27600.0 for action_downlink
2025-09-30 17:49:34,380 data.base                      INFO       <27600.00> Total reward: {}
2025-09-30 17:49:34,380 comm.communication             INFO       <27600.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,381 sats.satellite.Scanner-1       INFO       <27600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,383 gym                            INFO       <27600.00> Step reward: 0.0
2025-09-30 17:49:34,383 gym                            INFO       <27600.00> === STARTING STEP ===
2025-09-30 17:49:34,384 sats.satellite.Scanner-1       INFO       <27600.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:34,384 sats.satellite.Scanner-1       INFO       <27600.00> Scanner-1: setting timed terminal event at 27780.0
2025-09-30 17:49:34,404 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: timed termination at 27780.0 for action_nadir_scan
2025-09-30 17:49:34,405 data.base                      INFO       <27780.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-09-30 17:49:34,405 comm.communication             INFO       <27780.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,406 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,408 gym                            INFO       <27780.00> Step reward: 0.004947368421052631
2025-09-30 17:49:34,409 gym                            INFO       <27780.00> === STARTING STEP ===
2025-09-30 17:49:34,409 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:34,410 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: setting timed terminal event at 27900.0
2025-09-30 17:49:34,426 sats.satellite.Scanner-1       INFO       <27900.00> Scanner-1: timed termination at 27900.0 for action_charge
2025-09-30 17:49:34,427 data.base                      INFO       <27900.00> Total reward: {}
2025-09-30 17:49:34,427 comm.communication             INFO       <27900.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,428 sats.satellite.Scanner-1       INFO       <27900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,430 gym                            INFO       <27900.00> Step reward: 0.0
2025-09-30 17:49:34,431 gym                            INFO       <27900.00> === STARTING STEP ===
2025-09-30 17:49:34,431 sats.satellite.Scanner-1       INFO       <27900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:34,432 sats.satellite.Scanner-1       INFO       <27900.00> Scanner-1: setting timed terminal event at 28020.0
2025-09-30 17:49:34,445 sats.satellite.Scanner-1       INFO       <28020.00> Scanner-1: timed termination at 28020.0 for action_charge
2025-09-30 17:49:34,446 data.base                      INFO       <28020.00> Total reward: {}
2025-09-30 17:49:34,447 comm.communication             INFO       <28020.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,447 sats.satellite.Scanner-1       INFO       <28020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,449 gym                            INFO       <28020.00> Step reward: 0.0
2025-09-30 17:49:34,450 gym                            INFO       <28020.00> === STARTING STEP ===
2025-09-30 17:49:34,450 sats.satellite.Scanner-1       INFO       <28020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:34,451 sats.satellite.Scanner-1       INFO       <28020.00> Scanner-1: setting timed terminal event at 28140.0
2025-09-30 17:49:34,464 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: timed termination at 28140.0 for action_charge
2025-09-30 17:49:34,465 data.base                      INFO       <28140.00> Total reward: {}
2025-09-30 17:49:34,466 comm.communication             INFO       <28140.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,466 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,468 gym                            INFO       <28140.00> Step reward: 0.0
2025-09-30 17:49:34,468 gym                            INFO       <28140.00> === STARTING STEP ===
2025-09-30 17:49:34,469 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-09-30 17:49:34,469 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: setting timed terminal event at 28200.0
2025-09-30 17:49:34,477 sats.satellite.Scanner-1       INFO       <28200.00> Scanner-1: timed termination at 28200.0 for action_downlink
2025-09-30 17:49:34,477 data.base                      INFO       <28200.00> Total reward: {}
2025-09-30 17:49:34,478 comm.communication             INFO       <28200.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,479 sats.satellite.Scanner-1       INFO       <28200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,481 gym                            INFO       <28200.00> Step reward: 0.0
2025-09-30 17:49:34,481 gym                            INFO       <28200.00> === STARTING STEP ===
2025-09-30 17:49:34,482 sats.satellite.Scanner-1       INFO       <28200.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-09-30 17:49:34,482 sats.satellite.Scanner-1       INFO       <28200.00> Scanner-1: setting timed terminal event at 28320.0
2025-09-30 17:49:34,496 sats.satellite.Scanner-1       INFO       <28320.00> Scanner-1: timed termination at 28320.0 for action_charge
2025-09-30 17:49:34,496 data.base                      INFO       <28320.00> Total reward: {}
2025-09-30 17:49:34,497 comm.communication             INFO       <28320.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,498 sats.satellite.Scanner-1       INFO       <28320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-09-30 17:49:34,499 gym                            INFO       <28320.00> Step reward: 0.0
2025-09-30 17:49:34,500 gym                            INFO       <28320.00> === STARTING STEP ===
2025-09-30 17:49:34,500 sats.satellite.Scanner-1       INFO       <28320.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-09-30 17:49:34,501 sats.satellite.Scanner-1       INFO       <28320.00> Scanner-1: setting timed terminal event at 28500.0
2025-09-30 17:49:34,521 data.base                      INFO       <28500.00> Total reward: {'Scanner-1': 0.005017543859649122}
2025-09-30 17:49:34,522 comm.communication             INFO       <28500.00> Optimizing data communication between all pairs of satellites
2025-09-30 17:49:34,523 gym                            INFO       <28500.00> Step reward: 0.005017543859649122
2025-09-30 17:49:34,523 gym                            INFO       <28500.00> Episode terminated: True
2025-09-30 17:49:34,524 gym                            INFO       <28500.00> Episode truncated: True