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-05-13 19:52:07,335 INFO worker.py:1783 -- Started a local Ray instance.
2025-05-13 19:52:08,091 INFO tune.py:616 -- [output] This uses the legacy output and progress reporter, as Jupyter notebooks are not supported by the new engine, yet. For more information, please see https://github.com/ray-project/ray/issues/36949
/opt/hostedtoolcache/Python/3.11.12/x64/lib/python3.11/site-packages/gymnasium/spaces/box.py:130: UserWarning: WARN: Box bound precision lowered by casting to float32
  gym.logger.warn(f"Box bound precision lowered by casting to {self.dtype}")
/opt/hostedtoolcache/Python/3.11.12/x64/lib/python3.11/site-packages/gymnasium/utils/passive_env_checker.py:164: UserWarning: WARN: The obs returned by the `reset()` method was expecting numpy array dtype to be float32, actual type: float64
  logger.warn(
/opt/hostedtoolcache/Python/3.11.12/x64/lib/python3.11/site-packages/gymnasium/utils/passive_env_checker.py:188: UserWarning: WARN: The obs returned by the `reset()` method is not within the observation space.
  logger.warn(f"{pre} is not within the observation space.")

Tune Status

Current time:2025-05-13 19:52:44
Running for: 00:00:36.21
Memory: 4.2/15.6 GiB

System Info

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

Trial Status

Trial name status loc iter total time (s) num_env_steps_sample d_lifetime num_episodes_lifetim e num_env_steps_traine d_lifetime
PPO_SatelliteTasking-RLlib_c0979_00000TERMINATED10.1.0.217:4874 10 25.85842500122500
(PPO pid=4874) Install gputil for GPU system monitoring.
(SingleAgentEnvRunner pid=4924) 2025-05-13 19:52:19,891 sats.satellite.Scanner-1       WARNING    <8280.00> Scanner-1: failed battery_valid check

Trial Progress

Trial name env_runners fault_tolerance learners num_agent_steps_sampled_lifetime num_env_steps_sampled_lifetime num_env_steps_trained_lifetime num_episodes_lifetimeperf timers
PPO_SatelliteTasking-RLlib_c0979_00000{'episode_return_max': 0.37547368421052635, 'num_agent_steps_sampled': {'default_agent': 250}, 'num_module_steps_sampled_lifetime': {'default_policy': 13750}, 'num_module_steps_sampled': {'default_policy': 250}, 'episode_len_min': 243, 'alive': np.float64(1.0), 'episode_duration_sec_mean': 4.77263780550004, 'battery_status_valid': np.float64(1.0), 'reward_per_orbit': np.float64(0.06862807017543862), 'orbits_complete': np.float64(5.0), 'episode_return_mean': 0.34314035087719297, 'episode_return_min': 0.31080701754385964, 'reward': np.float64(0.3431403508771931), 'episode_len_max': 254, 'num_agent_steps_sampled_lifetime': {'default_agent': 13750}, 'num_env_steps_sampled': 250, 'num_env_steps_sampled_lifetime': 25000, 'orbits_complete_partial_only': nan, 'num_episodes': 2, 'sample': np.float64(2.6941019016933785), 'episode_len_mean': 248.5, 'agent_episode_returns_mean': {'default_agent': 0.34314035087719297}, 'module_episode_returns_mean': {'default_policy': 0.34314035087719297}, 'rw_status_valid': np.float64(1.0), 'time_between_sampling': np.float64(0.159190521123871)}{'num_healthy_workers': 2, 'num_in_flight_async_reqs': 0, 'num_remote_worker_restarts': 0}{'default_policy': {'num_trainable_parameters': 139525.0, 'num_module_steps_trained': 250, 'policy_loss': -0.2988203465938568, 'curr_entropy_coeff': 0.0, 'mean_kl_loss': 0.0, 'vf_explained_var': 0.24663561582565308, 'entropy': 1.3154453039169312, 'vf_loss': 0.0019383863545954227, 'vf_loss_unclipped': 0.0019383863545954227, 'default_optimizer_learning_rate': 3e-05, 'gradients_default_optimizer_global_norm': 0.2880367040634155, 'total_loss': -0.29688194394111633, 'num_non_trainable_parameters': 0.0}, '__all_modules__': {'num_non_trainable_parameters': 0.0, 'num_trainable_parameters': 139525.0, 'num_module_steps_trained': 250, 'num_env_steps_trained': 250, 'total_loss': -0.29688194394111633}}{'default_agent': 2500} 2500 2500 12{'cpu_util_percent': np.float64(47.125), 'ram_util_percent': np.float64(26.7)}{'env_runner_sampling_timer': 2.6819612547175113, 'learner_update_timer': 0.11520212920140131, 'synch_weights': 0.006119284240528152, 'synch_env_connectors': 0.005756936651530753}
(SingleAgentEnvRunner pid=4924) 2025-05-13 19:52:27,189 sats.satellite.Scanner-1       WARNING    <9600.00> Scanner-1: failed battery_valid check [repeated 3x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/user-guides/configure-logging.html#log-deduplication for more options.)
(SingleAgentEnvRunner pid=4923) 2025-05-13 19:52:32,885 sats.satellite.Scanner-1       WARNING    <19740.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=4923) 2025-05-13 19:52:37,253 sats.satellite.Scanner-1       WARNING    <22680.00> Scanner-1: failed battery_valid check
2025-05-13 19:52:44,337 INFO tune.py:1009 -- Wrote the latest version of all result files and experiment state to '/home/runner/ray_results/PPO_2025-05-13_19-52-08' in 0.0218s.
(PPO pid=4874) Checkpoint successfully created at: Checkpoint(filesystem=local, path=/home/runner/ray_results/PPO_2025-05-13_19-52-08/PPO_SatelliteTasking-RLlib_c0979_00000_0_2025-05-13_19-52-08/checkpoint_000000)
2025-05-13 19:52:44,924 INFO tune.py:1041 -- Total run time: 36.83 seconds (36.19 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-05-13 19:52:46,142 gym                            INFO       Resetting environment with seed=2006512274
2025-05-13 19:52:46,233 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: Finding opportunity windows from 0.00 to 28500.00 seconds
2025-05-13 19:52:46,321 gym                            INFO       <0.00> Environment reset
2025-05-13 19:52:46,322 gym                            INFO       <0.00> === STARTING STEP ===
2025-05-13 19:52:46,323 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:46,323 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: setting timed terminal event at 60.0
2025-05-13 19:52:46,333 sats.satellite.Scanner-1       INFO       <60.00> Scanner-1: timed termination at 60.0 for action_downlink
2025-05-13 19:52:46,333 data.base                      INFO       <60.00> Total reward: {}
2025-05-13 19:52:46,334 comm.communication             INFO       <60.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,334 sats.satellite.Scanner-1       INFO       <60.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,336 gym                            INFO       <60.00> Step reward: 0.0
2025-05-13 19:52:46,337 gym                            INFO       <60.00> === STARTING STEP ===
2025-05-13 19:52:46,337 sats.satellite.Scanner-1       INFO       <60.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:46,338 sats.satellite.Scanner-1       INFO       <60.00> Scanner-1: setting timed terminal event at 120.0
2025-05-13 19:52:46,347 sats.satellite.Scanner-1       INFO       <120.00> Scanner-1: timed termination at 120.0 for action_downlink
2025-05-13 19:52:46,347 data.base                      INFO       <120.00> Total reward: {}
2025-05-13 19:52:46,347 comm.communication             INFO       <120.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,348 sats.satellite.Scanner-1       INFO       <120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,350 gym                            INFO       <120.00> Step reward: 0.0
2025-05-13 19:52:46,351 gym                            INFO       <120.00> === STARTING STEP ===
2025-05-13 19:52:46,351 sats.satellite.Scanner-1       INFO       <120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:46,352 sats.satellite.Scanner-1       INFO       <120.00> Scanner-1: setting timed terminal event at 300.0
2025-05-13 19:52:46,373 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: timed termination at 300.0 for action_nadir_scan
2025-05-13 19:52:46,373 data.base                      INFO       <300.00> Total reward: {}
2025-05-13 19:52:46,374 comm.communication             INFO       <300.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,375 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,377 gym                            INFO       <300.00> Step reward: 0.0
2025-05-13 19:52:46,377 gym                            INFO       <300.00> === STARTING STEP ===
2025-05-13 19:52:46,378 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:46,379 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: setting timed terminal event at 420.0
2025-05-13 19:52:46,393 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: timed termination at 420.0 for action_charge
2025-05-13 19:52:46,394 data.base                      INFO       <420.00> Total reward: {}
2025-05-13 19:52:46,394 comm.communication             INFO       <420.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,395 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,396 gym                            INFO       <420.00> Step reward: 0.0
2025-05-13 19:52:46,397 gym                            INFO       <420.00> === STARTING STEP ===
2025-05-13 19:52:46,398 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:46,399 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: setting timed terminal event at 480.0
2025-05-13 19:52:46,406 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: timed termination at 480.0 for action_desat
2025-05-13 19:52:46,407 data.base                      INFO       <480.00> Total reward: {}
2025-05-13 19:52:46,407 comm.communication             INFO       <480.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,408 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,410 gym                            INFO       <480.00> Step reward: 0.0
2025-05-13 19:52:46,410 gym                            INFO       <480.00> === STARTING STEP ===
2025-05-13 19:52:46,411 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:46,412 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: setting timed terminal event at 540.0
2025-05-13 19:52:46,419 sats.satellite.Scanner-1       INFO       <540.00> Scanner-1: timed termination at 540.0 for action_desat
2025-05-13 19:52:46,420 data.base                      INFO       <540.00> Total reward: {}
2025-05-13 19:52:46,420 comm.communication             INFO       <540.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,420 sats.satellite.Scanner-1       INFO       <540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,422 gym                            INFO       <540.00> Step reward: 0.0
2025-05-13 19:52:46,423 gym                            INFO       <540.00> === STARTING STEP ===
2025-05-13 19:52:46,424 sats.satellite.Scanner-1       INFO       <540.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:46,424 sats.satellite.Scanner-1       INFO       <540.00> Scanner-1: setting timed terminal event at 600.0
2025-05-13 19:52:46,432 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: timed termination at 600.0 for action_desat
2025-05-13 19:52:46,432 data.base                      INFO       <600.00> Total reward: {}
2025-05-13 19:52:46,433 comm.communication             INFO       <600.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,433 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,435 gym                            INFO       <600.00> Step reward: 0.0
2025-05-13 19:52:46,435 gym                            INFO       <600.00> === STARTING STEP ===
2025-05-13 19:52:46,436 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:46,436 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: setting timed terminal event at 660.0
2025-05-13 19:52:46,444 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: timed termination at 660.0 for action_downlink
2025-05-13 19:52:46,445 data.base                      INFO       <660.00> Total reward: {}
2025-05-13 19:52:46,446 comm.communication             INFO       <660.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,446 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,448 gym                            INFO       <660.00> Step reward: 0.0
2025-05-13 19:52:46,448 gym                            INFO       <660.00> === STARTING STEP ===
2025-05-13 19:52:46,449 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:46,450 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: setting timed terminal event at 840.0
2025-05-13 19:52:46,468 sats.satellite.Scanner-1       INFO       <840.00> Scanner-1: timed termination at 840.0 for action_nadir_scan
2025-05-13 19:52:46,468 data.base                      INFO       <840.00> Total reward: {'Scanner-1': 0.0015087719298245612}
2025-05-13 19:52:46,469 comm.communication             INFO       <840.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,470 sats.satellite.Scanner-1       INFO       <840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,471 gym                            INFO       <840.00> Step reward: 0.0015087719298245612
2025-05-13 19:52:46,472 gym                            INFO       <840.00> === STARTING STEP ===
2025-05-13 19:52:46,473 sats.satellite.Scanner-1       INFO       <840.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:46,473 sats.satellite.Scanner-1       INFO       <840.00> Scanner-1: setting timed terminal event at 900.0
2025-05-13 19:52:46,481 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: timed termination at 900.0 for action_desat
2025-05-13 19:52:46,481 data.base                      INFO       <900.00> Total reward: {}
2025-05-13 19:52:46,482 comm.communication             INFO       <900.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,482 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,484 gym                            INFO       <900.00> Step reward: 0.0
2025-05-13 19:52:46,485 gym                            INFO       <900.00> === STARTING STEP ===
2025-05-13 19:52:46,485 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:46,486 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: setting timed terminal event at 1020.0
2025-05-13 19:52:46,498 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: timed termination at 1020.0 for action_charge
2025-05-13 19:52:46,499 data.base                      INFO       <1020.00> Total reward: {}
2025-05-13 19:52:46,499 comm.communication             INFO       <1020.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,500 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,501 gym                            INFO       <1020.00> Step reward: 0.0
2025-05-13 19:52:46,502 gym                            INFO       <1020.00> === STARTING STEP ===
2025-05-13 19:52:46,503 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:46,503 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: setting timed terminal event at 1140.0
2025-05-13 19:52:46,516 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: timed termination at 1140.0 for action_charge
2025-05-13 19:52:46,517 data.base                      INFO       <1140.00> Total reward: {}
2025-05-13 19:52:46,517 comm.communication             INFO       <1140.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,518 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,519 gym                            INFO       <1140.00> Step reward: 0.0
2025-05-13 19:52:46,520 gym                            INFO       <1140.00> === STARTING STEP ===
2025-05-13 19:52:46,521 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:46,521 sats.satellite.Scanner-1       INFO       <1140.00> Scanner-1: setting timed terminal event at 1260.0
2025-05-13 19:52:46,534 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: timed termination at 1260.0 for action_charge
2025-05-13 19:52:46,534 data.base                      INFO       <1260.00> Total reward: {}
2025-05-13 19:52:46,535 comm.communication             INFO       <1260.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,536 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,537 gym                            INFO       <1260.00> Step reward: 0.0
2025-05-13 19:52:46,538 gym                            INFO       <1260.00> === STARTING STEP ===
2025-05-13 19:52:46,538 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:46,539 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: setting timed terminal event at 1440.0
2025-05-13 19:52:46,560 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: timed termination at 1440.0 for action_nadir_scan
2025-05-13 19:52:46,560 data.base                      INFO       <1440.00> Total reward: {'Scanner-1': 0.005999999999999999}
2025-05-13 19:52:46,561 comm.communication             INFO       <1440.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,561 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,563 gym                            INFO       <1440.00> Step reward: 0.005999999999999999
2025-05-13 19:52:46,563 gym                            INFO       <1440.00> === STARTING STEP ===
2025-05-13 19:52:46,564 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:46,565 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: setting timed terminal event at 1500.0
2025-05-13 19:52:46,572 sats.satellite.Scanner-1       INFO       <1500.00> Scanner-1: timed termination at 1500.0 for action_desat
2025-05-13 19:52:46,573 data.base                      INFO       <1500.00> Total reward: {}
2025-05-13 19:52:46,573 comm.communication             INFO       <1500.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,574 sats.satellite.Scanner-1       INFO       <1500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,576 gym                            INFO       <1500.00> Step reward: 0.0
2025-05-13 19:52:46,576 gym                            INFO       <1500.00> === STARTING STEP ===
2025-05-13 19:52:46,577 sats.satellite.Scanner-1       INFO       <1500.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:46,578 sats.satellite.Scanner-1       INFO       <1500.00> Scanner-1: setting timed terminal event at 1680.0
2025-05-13 19:52:46,596 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: timed termination at 1680.0 for action_nadir_scan
2025-05-13 19:52:46,597 data.base                      INFO       <1680.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:46,597 comm.communication             INFO       <1680.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,598 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,600 gym                            INFO       <1680.00> Step reward: 0.004912280701754385
2025-05-13 19:52:46,600 gym                            INFO       <1680.00> === STARTING STEP ===
2025-05-13 19:52:46,601 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:46,601 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: setting timed terminal event at 1860.0
2025-05-13 19:52:46,620 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: timed termination at 1860.0 for action_nadir_scan
2025-05-13 19:52:46,620 data.base                      INFO       <1860.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:46,621 comm.communication             INFO       <1860.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,621 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,623 gym                            INFO       <1860.00> Step reward: 0.00631578947368421
2025-05-13 19:52:46,624 gym                            INFO       <1860.00> === STARTING STEP ===
2025-05-13 19:52:46,624 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:46,625 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: setting timed terminal event at 1920.0
2025-05-13 19:52:46,632 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: timed termination at 1920.0 for action_downlink
2025-05-13 19:52:46,633 data.base                      INFO       <1920.00> Total reward: {}
2025-05-13 19:52:46,633 comm.communication             INFO       <1920.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,634 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,636 gym                            INFO       <1920.00> Step reward: 0.0
2025-05-13 19:52:46,636 gym                            INFO       <1920.00> === STARTING STEP ===
2025-05-13 19:52:46,637 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:46,637 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: setting timed terminal event at 1980.0
2025-05-13 19:52:46,645 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: timed termination at 1980.0 for action_downlink
2025-05-13 19:52:46,645 data.base                      INFO       <1980.00> Total reward: {}
2025-05-13 19:52:46,646 comm.communication             INFO       <1980.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,646 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,648 gym                            INFO       <1980.00> Step reward: 0.0
2025-05-13 19:52:46,648 gym                            INFO       <1980.00> === STARTING STEP ===
2025-05-13 19:52:46,649 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:46,650 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: setting timed terminal event at 2100.0
2025-05-13 19:52:46,662 sats.satellite.Scanner-1       INFO       <2100.00> Scanner-1: timed termination at 2100.0 for action_charge
2025-05-13 19:52:46,663 data.base                      INFO       <2100.00> Total reward: {}
2025-05-13 19:52:46,663 comm.communication             INFO       <2100.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,664 sats.satellite.Scanner-1       INFO       <2100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,666 gym                            INFO       <2100.00> Step reward: 0.0
2025-05-13 19:52:46,666 gym                            INFO       <2100.00> === STARTING STEP ===
2025-05-13 19:52:46,667 sats.satellite.Scanner-1       INFO       <2100.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:46,667 sats.satellite.Scanner-1       INFO       <2100.00> Scanner-1: setting timed terminal event at 2220.0
2025-05-13 19:52:46,680 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: timed termination at 2220.0 for action_charge
2025-05-13 19:52:46,681 data.base                      INFO       <2220.00> Total reward: {}
2025-05-13 19:52:46,681 comm.communication             INFO       <2220.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,682 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,684 gym                            INFO       <2220.00> Step reward: 0.0
2025-05-13 19:52:46,684 gym                            INFO       <2220.00> === STARTING STEP ===
2025-05-13 19:52:46,685 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:46,685 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: setting timed terminal event at 2280.0
2025-05-13 19:52:46,692 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: timed termination at 2280.0 for action_downlink
2025-05-13 19:52:46,693 data.base                      INFO       <2280.00> Total reward: {}
2025-05-13 19:52:46,693 comm.communication             INFO       <2280.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,694 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,696 gym                            INFO       <2280.00> Step reward: 0.0
2025-05-13 19:52:46,696 gym                            INFO       <2280.00> === STARTING STEP ===
2025-05-13 19:52:46,697 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:46,697 sats.satellite.Scanner-1       INFO       <2280.00> Scanner-1: setting timed terminal event at 2340.0
2025-05-13 19:52:46,705 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: timed termination at 2340.0 for action_downlink
2025-05-13 19:52:46,705 data.base                      INFO       <2340.00> Total reward: {}
2025-05-13 19:52:46,706 comm.communication             INFO       <2340.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,706 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,708 gym                            INFO       <2340.00> Step reward: 0.0
2025-05-13 19:52:46,709 gym                            INFO       <2340.00> === STARTING STEP ===
2025-05-13 19:52:46,709 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:46,710 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: setting timed terminal event at 2400.0
2025-05-13 19:52:46,717 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: timed termination at 2400.0 for action_downlink
2025-05-13 19:52:46,718 data.base                      INFO       <2400.00> Total reward: {}
2025-05-13 19:52:46,718 comm.communication             INFO       <2400.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,719 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,720 gym                            INFO       <2400.00> Step reward: 0.0
2025-05-13 19:52:46,721 gym                            INFO       <2400.00> === STARTING STEP ===
2025-05-13 19:52:46,721 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:46,722 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: setting timed terminal event at 2580.0
2025-05-13 19:52:46,741 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: timed termination at 2580.0 for action_nadir_scan
2025-05-13 19:52:46,742 data.base                      INFO       <2580.00> Total reward: {'Scanner-1': 0.004736842105263157}
2025-05-13 19:52:46,743 comm.communication             INFO       <2580.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,743 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,745 gym                            INFO       <2580.00> Step reward: 0.004736842105263157
2025-05-13 19:52:46,745 gym                            INFO       <2580.00> === STARTING STEP ===
2025-05-13 19:52:46,746 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:46,746 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: setting timed terminal event at 2700.0
2025-05-13 19:52:46,762 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: timed termination at 2700.0 for action_charge
2025-05-13 19:52:46,762 data.base                      INFO       <2700.00> Total reward: {}
2025-05-13 19:52:46,763 comm.communication             INFO       <2700.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,763 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,765 gym                            INFO       <2700.00> Step reward: 0.0
2025-05-13 19:52:46,766 gym                            INFO       <2700.00> === STARTING STEP ===
2025-05-13 19:52:46,766 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:46,767 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: setting timed terminal event at 2880.0
2025-05-13 19:52:46,785 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: timed termination at 2880.0 for action_nadir_scan
2025-05-13 19:52:46,786 data.base                      INFO       <2880.00> Total reward: {'Scanner-1': 0.004140350877192982}
2025-05-13 19:52:46,786 comm.communication             INFO       <2880.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,787 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,789 gym                            INFO       <2880.00> Step reward: 0.004140350877192982
2025-05-13 19:52:46,789 gym                            INFO       <2880.00> === STARTING STEP ===
2025-05-13 19:52:46,790 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:46,790 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: setting timed terminal event at 2940.0
2025-05-13 19:52:46,798 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: timed termination at 2940.0 for action_downlink
2025-05-13 19:52:46,798 data.base                      INFO       <2940.00> Total reward: {}
2025-05-13 19:52:46,799 comm.communication             INFO       <2940.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,799 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,801 gym                            INFO       <2940.00> Step reward: 0.0
2025-05-13 19:52:46,801 gym                            INFO       <2940.00> === STARTING STEP ===
2025-05-13 19:52:46,802 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:46,802 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: setting timed terminal event at 3120.0
2025-05-13 19:52:46,821 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: timed termination at 3120.0 for action_nadir_scan
2025-05-13 19:52:46,822 data.base                      INFO       <3120.00> Total reward: {'Scanner-1': 0.005052631578947368}
2025-05-13 19:52:46,822 comm.communication             INFO       <3120.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,823 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,825 gym                            INFO       <3120.00> Step reward: 0.005052631578947368
2025-05-13 19:52:46,825 gym                            INFO       <3120.00> === STARTING STEP ===
2025-05-13 19:52:46,826 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:46,826 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: setting timed terminal event at 3240.0
2025-05-13 19:52:46,842 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: timed termination at 3240.0 for action_charge
2025-05-13 19:52:46,842 data.base                      INFO       <3240.00> Total reward: {}
2025-05-13 19:52:46,842 comm.communication             INFO       <3240.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,843 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,845 gym                            INFO       <3240.00> Step reward: 0.0
2025-05-13 19:52:46,845 gym                            INFO       <3240.00> === STARTING STEP ===
2025-05-13 19:52:46,846 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:46,846 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: setting timed terminal event at 3360.0
2025-05-13 19:52:46,859 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: timed termination at 3360.0 for action_charge
2025-05-13 19:52:46,860 data.base                      INFO       <3360.00> Total reward: {}
2025-05-13 19:52:46,860 comm.communication             INFO       <3360.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,861 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,863 gym                            INFO       <3360.00> Step reward: 0.0
2025-05-13 19:52:46,864 gym                            INFO       <3360.00> === STARTING STEP ===
2025-05-13 19:52:46,864 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:46,864 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: setting timed terminal event at 3420.0
2025-05-13 19:52:46,872 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: timed termination at 3420.0 for action_desat
2025-05-13 19:52:46,873 data.base                      INFO       <3420.00> Total reward: {}
2025-05-13 19:52:46,873 comm.communication             INFO       <3420.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,874 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,875 gym                            INFO       <3420.00> Step reward: 0.0
2025-05-13 19:52:46,876 gym                            INFO       <3420.00> === STARTING STEP ===
2025-05-13 19:52:46,876 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:46,877 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: setting timed terminal event at 3480.0
2025-05-13 19:52:46,885 sats.satellite.Scanner-1       INFO       <3480.00> Scanner-1: timed termination at 3480.0 for action_desat
2025-05-13 19:52:46,885 data.base                      INFO       <3480.00> Total reward: {}
2025-05-13 19:52:46,886 comm.communication             INFO       <3480.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,886 sats.satellite.Scanner-1       INFO       <3480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,888 gym                            INFO       <3480.00> Step reward: 0.0
2025-05-13 19:52:46,889 gym                            INFO       <3480.00> === STARTING STEP ===
2025-05-13 19:52:46,889 sats.satellite.Scanner-1       INFO       <3480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:46,890 sats.satellite.Scanner-1       INFO       <3480.00> Scanner-1: setting timed terminal event at 3660.0
2025-05-13 19:52:46,908 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: timed termination at 3660.0 for action_nadir_scan
2025-05-13 19:52:46,909 data.base                      INFO       <3660.00> Total reward: {'Scanner-1': 0.0048070175438596485}
2025-05-13 19:52:46,909 comm.communication             INFO       <3660.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,910 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,911 gym                            INFO       <3660.00> Step reward: 0.0048070175438596485
2025-05-13 19:52:46,912 gym                            INFO       <3660.00> === STARTING STEP ===
2025-05-13 19:52:46,913 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:46,913 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: setting timed terminal event at 3840.0
2025-05-13 19:52:46,935 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: timed termination at 3840.0 for action_nadir_scan
2025-05-13 19:52:46,936 data.base                      INFO       <3840.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:46,937 comm.communication             INFO       <3840.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,937 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,939 gym                            INFO       <3840.00> Step reward: 0.00631578947368421
2025-05-13 19:52:46,939 gym                            INFO       <3840.00> === STARTING STEP ===
2025-05-13 19:52:46,940 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:46,940 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: setting timed terminal event at 3900.0
2025-05-13 19:52:46,949 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: timed termination at 3900.0 for action_desat
2025-05-13 19:52:46,949 data.base                      INFO       <3900.00> Total reward: {}
2025-05-13 19:52:46,950 comm.communication             INFO       <3900.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,950 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,952 gym                            INFO       <3900.00> Step reward: 0.0
2025-05-13 19:52:46,953 gym                            INFO       <3900.00> === STARTING STEP ===
2025-05-13 19:52:46,954 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:46,954 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: setting timed terminal event at 4020.0
2025-05-13 19:52:46,969 sats.satellite.Scanner-1       INFO       <4020.00> Scanner-1: timed termination at 4020.0 for action_charge
2025-05-13 19:52:46,970 data.base                      INFO       <4020.00> Total reward: {}
2025-05-13 19:52:46,970 comm.communication             INFO       <4020.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,971 sats.satellite.Scanner-1       INFO       <4020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,972 gym                            INFO       <4020.00> Step reward: 0.0
2025-05-13 19:52:46,973 gym                            INFO       <4020.00> === STARTING STEP ===
2025-05-13 19:52:46,974 sats.satellite.Scanner-1       INFO       <4020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:46,974 sats.satellite.Scanner-1       INFO       <4020.00> Scanner-1: setting timed terminal event at 4080.0
2025-05-13 19:52:46,981 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: timed termination at 4080.0 for action_downlink
2025-05-13 19:52:46,982 data.base                      INFO       <4080.00> Total reward: {}
2025-05-13 19:52:46,983 comm.communication             INFO       <4080.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,983 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,985 gym                            INFO       <4080.00> Step reward: 0.0
2025-05-13 19:52:46,985 gym                            INFO       <4080.00> === STARTING STEP ===
2025-05-13 19:52:46,986 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:46,986 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: setting timed terminal event at 4140.0
2025-05-13 19:52:46,994 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: timed termination at 4140.0 for action_desat
2025-05-13 19:52:46,994 data.base                      INFO       <4140.00> Total reward: {}
2025-05-13 19:52:46,995 comm.communication             INFO       <4140.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:46,995 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:46,997 gym                            INFO       <4140.00> Step reward: 0.0
2025-05-13 19:52:46,997 gym                            INFO       <4140.00> === STARTING STEP ===
2025-05-13 19:52:46,998 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:46,999 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: setting timed terminal event at 4200.0
2025-05-13 19:52:47,007 sats.satellite.Scanner-1       INFO       <4200.00> Scanner-1: timed termination at 4200.0 for action_downlink
2025-05-13 19:52:47,007 data.base                      INFO       <4200.00> Total reward: {}
2025-05-13 19:52:47,008 comm.communication             INFO       <4200.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,008 sats.satellite.Scanner-1       INFO       <4200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,010 gym                            INFO       <4200.00> Step reward: 0.0
2025-05-13 19:52:47,011 gym                            INFO       <4200.00> === STARTING STEP ===
2025-05-13 19:52:47,011 sats.satellite.Scanner-1       INFO       <4200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,011 sats.satellite.Scanner-1       INFO       <4200.00> Scanner-1: setting timed terminal event at 4380.0
2025-05-13 19:52:47,030 sats.satellite.Scanner-1       INFO       <4380.00> Scanner-1: timed termination at 4380.0 for action_nadir_scan
2025-05-13 19:52:47,031 data.base                      INFO       <4380.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:47,031 comm.communication             INFO       <4380.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,032 sats.satellite.Scanner-1       INFO       <4380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,033 gym                            INFO       <4380.00> Step reward: 0.004912280701754385
2025-05-13 19:52:47,034 gym                            INFO       <4380.00> === STARTING STEP ===
2025-05-13 19:52:47,034 sats.satellite.Scanner-1       INFO       <4380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,035 sats.satellite.Scanner-1       INFO       <4380.00> Scanner-1: setting timed terminal event at 4440.0
2025-05-13 19:52:47,044 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: timed termination at 4440.0 for action_desat
2025-05-13 19:52:47,044 data.base                      INFO       <4440.00> Total reward: {}
2025-05-13 19:52:47,045 comm.communication             INFO       <4440.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,045 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,047 gym                            INFO       <4440.00> Step reward: 0.0
2025-05-13 19:52:47,047 gym                            INFO       <4440.00> === STARTING STEP ===
2025-05-13 19:52:47,048 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:47,048 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: setting timed terminal event at 4500.0
2025-05-13 19:52:47,057 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: timed termination at 4500.0 for action_downlink
2025-05-13 19:52:47,057 data.base                      INFO       <4500.00> Total reward: {}
2025-05-13 19:52:47,058 comm.communication             INFO       <4500.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,058 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,060 gym                            INFO       <4500.00> Step reward: 0.0
2025-05-13 19:52:47,061 gym                            INFO       <4500.00> === STARTING STEP ===
2025-05-13 19:52:47,062 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,062 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: setting timed terminal event at 4620.0
2025-05-13 19:52:47,077 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: timed termination at 4620.0 for action_charge
2025-05-13 19:52:47,078 data.base                      INFO       <4620.00> Total reward: {}
2025-05-13 19:52:47,078 comm.communication             INFO       <4620.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,079 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,081 gym                            INFO       <4620.00> Step reward: 0.0
2025-05-13 19:52:47,081 gym                            INFO       <4620.00> === STARTING STEP ===
2025-05-13 19:52:47,082 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,082 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: setting timed terminal event at 4740.0
2025-05-13 19:52:47,098 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: timed termination at 4740.0 for action_charge
2025-05-13 19:52:47,098 data.base                      INFO       <4740.00> Total reward: {}
2025-05-13 19:52:47,099 comm.communication             INFO       <4740.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,099 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,101 gym                            INFO       <4740.00> Step reward: 0.0
2025-05-13 19:52:47,102 gym                            INFO       <4740.00> === STARTING STEP ===
2025-05-13 19:52:47,102 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,103 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: setting timed terminal event at 4860.0
2025-05-13 19:52:47,115 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: timed termination at 4860.0 for action_charge
2025-05-13 19:52:47,116 data.base                      INFO       <4860.00> Total reward: {}
2025-05-13 19:52:47,116 comm.communication             INFO       <4860.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,117 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,119 gym                            INFO       <4860.00> Step reward: 0.0
2025-05-13 19:52:47,119 gym                            INFO       <4860.00> === STARTING STEP ===
2025-05-13 19:52:47,120 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,120 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: setting timed terminal event at 4920.0
2025-05-13 19:52:47,128 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: timed termination at 4920.0 for action_desat
2025-05-13 19:52:47,128 data.base                      INFO       <4920.00> Total reward: {}
2025-05-13 19:52:47,129 comm.communication             INFO       <4920.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,129 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,131 gym                            INFO       <4920.00> Step reward: 0.0
2025-05-13 19:52:47,131 gym                            INFO       <4920.00> === STARTING STEP ===
2025-05-13 19:52:47,132 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,132 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: setting timed terminal event at 4980.0
2025-05-13 19:52:47,140 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: timed termination at 4980.0 for action_desat
2025-05-13 19:52:47,140 data.base                      INFO       <4980.00> Total reward: {}
2025-05-13 19:52:47,141 comm.communication             INFO       <4980.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,141 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,143 gym                            INFO       <4980.00> Step reward: 0.0
2025-05-13 19:52:47,144 gym                            INFO       <4980.00> === STARTING STEP ===
2025-05-13 19:52:47,145 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,145 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: setting timed terminal event at 5100.0
2025-05-13 19:52:47,158 sats.satellite.Scanner-1       INFO       <5100.00> Scanner-1: timed termination at 5100.0 for action_charge
2025-05-13 19:52:47,158 data.base                      INFO       <5100.00> Total reward: {}
2025-05-13 19:52:47,159 comm.communication             INFO       <5100.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,159 sats.satellite.Scanner-1       INFO       <5100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,161 gym                            INFO       <5100.00> Step reward: 0.0
2025-05-13 19:52:47,162 gym                            INFO       <5100.00> === STARTING STEP ===
2025-05-13 19:52:47,162 sats.satellite.Scanner-1       INFO       <5100.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,163 sats.satellite.Scanner-1       INFO       <5100.00> Scanner-1: setting timed terminal event at 5220.0
2025-05-13 19:52:47,177 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: timed termination at 5220.0 for action_charge
2025-05-13 19:52:47,178 data.base                      INFO       <5220.00> Total reward: {}
2025-05-13 19:52:47,178 comm.communication             INFO       <5220.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,179 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,180 gym                            INFO       <5220.00> Step reward: 0.0
2025-05-13 19:52:47,181 gym                            INFO       <5220.00> === STARTING STEP ===
2025-05-13 19:52:47,182 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:47,182 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: setting timed terminal event at 5280.0
2025-05-13 19:52:47,189 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: timed termination at 5280.0 for action_downlink
2025-05-13 19:52:47,190 data.base                      INFO       <5280.00> Total reward: {}
2025-05-13 19:52:47,190 comm.communication             INFO       <5280.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,191 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,193 gym                            INFO       <5280.00> Step reward: 0.0
2025-05-13 19:52:47,193 gym                            INFO       <5280.00> === STARTING STEP ===
2025-05-13 19:52:47,194 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,194 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: setting timed terminal event at 5340.0
2025-05-13 19:52:47,202 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: timed termination at 5340.0 for action_desat
2025-05-13 19:52:47,203 data.base                      INFO       <5340.00> Total reward: {}
2025-05-13 19:52:47,203 comm.communication             INFO       <5340.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,204 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,206 gym                            INFO       <5340.00> Step reward: 0.0
2025-05-13 19:52:47,206 gym                            INFO       <5340.00> === STARTING STEP ===
2025-05-13 19:52:47,207 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,207 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: setting timed terminal event at 5460.0
2025-05-13 19:52:47,220 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: timed termination at 5460.0 for action_charge
2025-05-13 19:52:47,221 data.base                      INFO       <5460.00> Total reward: {}
2025-05-13 19:52:47,222 comm.communication             INFO       <5460.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,222 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,224 gym                            INFO       <5460.00> Step reward: 0.0
2025-05-13 19:52:47,224 gym                            INFO       <5460.00> === STARTING STEP ===
2025-05-13 19:52:47,225 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,225 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: setting timed terminal event at 5580.0
2025-05-13 19:52:47,241 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: timed termination at 5580.0 for action_charge
2025-05-13 19:52:47,241 data.base                      INFO       <5580.00> Total reward: {}
2025-05-13 19:52:47,242 comm.communication             INFO       <5580.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,242 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,244 gym                            INFO       <5580.00> Step reward: 0.0
2025-05-13 19:52:47,245 gym                            INFO       <5580.00> === STARTING STEP ===
2025-05-13 19:52:47,245 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,246 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: setting timed terminal event at 5640.0
2025-05-13 19:52:47,253 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: timed termination at 5640.0 for action_desat
2025-05-13 19:52:47,254 data.base                      INFO       <5640.00> Total reward: {}
2025-05-13 19:52:47,254 comm.communication             INFO       <5640.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,255 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,256 gym                            INFO       <5640.00> Step reward: 0.0
2025-05-13 19:52:47,257 gym                            INFO       <5640.00> === STARTING STEP ===
2025-05-13 19:52:47,258 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,258 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: setting timed terminal event at 5760.0
2025-05-13 19:52:47,273 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: timed termination at 5760.0 for action_charge
2025-05-13 19:52:47,274 data.base                      INFO       <5760.00> Total reward: {}
2025-05-13 19:52:47,274 comm.communication             INFO       <5760.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,275 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,276 gym                            INFO       <5760.00> Step reward: 0.0
2025-05-13 19:52:47,277 gym                            INFO       <5760.00> === STARTING STEP ===
2025-05-13 19:52:47,277 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,278 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: setting timed terminal event at 5820.0
2025-05-13 19:52:47,286 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: timed termination at 5820.0 for action_desat
2025-05-13 19:52:47,286 data.base                      INFO       <5820.00> Total reward: {}
2025-05-13 19:52:47,287 comm.communication             INFO       <5820.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,287 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,289 gym                            INFO       <5820.00> Step reward: 0.0
2025-05-13 19:52:47,290 gym                            INFO       <5820.00> === STARTING STEP ===
2025-05-13 19:52:47,290 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,291 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: setting timed terminal event at 5880.0
2025-05-13 19:52:47,299 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: timed termination at 5880.0 for action_desat
2025-05-13 19:52:47,299 data.base                      INFO       <5880.00> Total reward: {}
2025-05-13 19:52:47,300 comm.communication             INFO       <5880.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,300 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,302 gym                            INFO       <5880.00> Step reward: 0.0
2025-05-13 19:52:47,302 gym                            INFO       <5880.00> === STARTING STEP ===
2025-05-13 19:52:47,303 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:47,303 sats.satellite.Scanner-1       INFO       <5880.00> Scanner-1: setting timed terminal event at 5940.0
2025-05-13 19:52:47,312 sats.satellite.Scanner-1       INFO       <5940.00> Scanner-1: timed termination at 5940.0 for action_downlink
2025-05-13 19:52:47,313 data.base                      INFO       <5940.00> Total reward: {}
2025-05-13 19:52:47,313 comm.communication             INFO       <5940.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,314 sats.satellite.Scanner-1       INFO       <5940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,315 gym                            INFO       <5940.00> Step reward: 0.0
2025-05-13 19:52:47,316 gym                            INFO       <5940.00> === STARTING STEP ===
2025-05-13 19:52:47,316 sats.satellite.Scanner-1       INFO       <5940.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,317 sats.satellite.Scanner-1       INFO       <5940.00> Scanner-1: setting timed terminal event at 6120.0
2025-05-13 19:52:47,339 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: timed termination at 6120.0 for action_nadir_scan
2025-05-13 19:52:47,339 data.base                      INFO       <6120.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-05-13 19:52:47,340 comm.communication             INFO       <6120.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,340 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,342 gym                            INFO       <6120.00> Step reward: 0.004947368421052631
2025-05-13 19:52:47,342 gym                            INFO       <6120.00> === STARTING STEP ===
2025-05-13 19:52:47,343 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,344 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: setting timed terminal event at 6300.0
2025-05-13 19:52:47,362 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: timed termination at 6300.0 for action_nadir_scan
2025-05-13 19:52:47,363 data.base                      INFO       <6300.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:47,363 comm.communication             INFO       <6300.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,364 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,366 gym                            INFO       <6300.00> Step reward: 0.00631578947368421
2025-05-13 19:52:47,366 gym                            INFO       <6300.00> === STARTING STEP ===
2025-05-13 19:52:47,367 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:47,367 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: setting timed terminal event at 6360.0
2025-05-13 19:52:47,374 sats.satellite.Scanner-1       INFO       <6360.00> Scanner-1: timed termination at 6360.0 for action_downlink
2025-05-13 19:52:47,375 data.base                      INFO       <6360.00> Total reward: {}
2025-05-13 19:52:47,376 comm.communication             INFO       <6360.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,376 sats.satellite.Scanner-1       INFO       <6360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,378 gym                            INFO       <6360.00> Step reward: 0.0
2025-05-13 19:52:47,379 gym                            INFO       <6360.00> === STARTING STEP ===
2025-05-13 19:52:47,379 sats.satellite.Scanner-1       INFO       <6360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,380 sats.satellite.Scanner-1       INFO       <6360.00> Scanner-1: setting timed terminal event at 6420.0
2025-05-13 19:52:47,387 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: timed termination at 6420.0 for action_desat
2025-05-13 19:52:47,388 data.base                      INFO       <6420.00> Total reward: {}
2025-05-13 19:52:47,389 comm.communication             INFO       <6420.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,389 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,391 gym                            INFO       <6420.00> Step reward: 0.0
2025-05-13 19:52:47,391 gym                            INFO       <6420.00> === STARTING STEP ===
2025-05-13 19:52:47,392 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,392 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: setting timed terminal event at 6540.0
2025-05-13 19:52:47,408 sats.satellite.Scanner-1       INFO       <6540.00> Scanner-1: timed termination at 6540.0 for action_charge
2025-05-13 19:52:47,408 data.base                      INFO       <6540.00> Total reward: {}
2025-05-13 19:52:47,408 comm.communication             INFO       <6540.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,409 sats.satellite.Scanner-1       INFO       <6540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,411 gym                            INFO       <6540.00> Step reward: 0.0
2025-05-13 19:52:47,411 gym                            INFO       <6540.00> === STARTING STEP ===
2025-05-13 19:52:47,412 sats.satellite.Scanner-1       INFO       <6540.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,413 sats.satellite.Scanner-1       INFO       <6540.00> Scanner-1: setting timed terminal event at 6720.0
2025-05-13 19:52:47,435 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: timed termination at 6720.0 for action_nadir_scan
2025-05-13 19:52:47,435 data.base                      INFO       <6720.00> Total reward: {'Scanner-1': 0.0058947368421052625}
2025-05-13 19:52:47,435 comm.communication             INFO       <6720.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,436 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,438 gym                            INFO       <6720.00> Step reward: 0.0058947368421052625
2025-05-13 19:52:47,439 gym                            INFO       <6720.00> === STARTING STEP ===
2025-05-13 19:52:47,439 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,440 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: setting timed terminal event at 6900.0
2025-05-13 19:52:47,462 sats.satellite.Scanner-1       INFO       <6900.00> Scanner-1: timed termination at 6900.0 for action_nadir_scan
2025-05-13 19:52:47,462 data.base                      INFO       <6900.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:47,463 comm.communication             INFO       <6900.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,463 sats.satellite.Scanner-1       INFO       <6900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,465 gym                            INFO       <6900.00> Step reward: 0.00631578947368421
2025-05-13 19:52:47,466 gym                            INFO       <6900.00> === STARTING STEP ===
2025-05-13 19:52:47,466 sats.satellite.Scanner-1       INFO       <6900.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:47,467 sats.satellite.Scanner-1       INFO       <6900.00> Scanner-1: setting timed terminal event at 6960.0
2025-05-13 19:52:47,475 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: timed termination at 6960.0 for action_downlink
2025-05-13 19:52:47,476 data.base                      INFO       <6960.00> Total reward: {}
2025-05-13 19:52:47,476 comm.communication             INFO       <6960.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,477 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,479 gym                            INFO       <6960.00> Step reward: 0.0
2025-05-13 19:52:47,479 gym                            INFO       <6960.00> === STARTING STEP ===
2025-05-13 19:52:47,480 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,480 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: setting timed terminal event at 7140.0
2025-05-13 19:52:47,503 sats.satellite.Scanner-1       INFO       <7140.00> Scanner-1: timed termination at 7140.0 for action_nadir_scan
2025-05-13 19:52:47,503 data.base                      INFO       <7140.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:47,503 comm.communication             INFO       <7140.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,504 sats.satellite.Scanner-1       INFO       <7140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,506 gym                            INFO       <7140.00> Step reward: 0.004912280701754385
2025-05-13 19:52:47,507 gym                            INFO       <7140.00> === STARTING STEP ===
2025-05-13 19:52:47,507 sats.satellite.Scanner-1       INFO       <7140.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,508 sats.satellite.Scanner-1       INFO       <7140.00> Scanner-1: setting timed terminal event at 7320.0
2025-05-13 19:52:47,529 sats.satellite.Scanner-1       INFO       <7320.00> Scanner-1: timed termination at 7320.0 for action_nadir_scan
2025-05-13 19:52:47,530 data.base                      INFO       <7320.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:47,530 comm.communication             INFO       <7320.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,531 sats.satellite.Scanner-1       INFO       <7320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,533 gym                            INFO       <7320.00> Step reward: 0.00631578947368421
2025-05-13 19:52:47,533 gym                            INFO       <7320.00> === STARTING STEP ===
2025-05-13 19:52:47,534 sats.satellite.Scanner-1       INFO       <7320.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:47,534 sats.satellite.Scanner-1       INFO       <7320.00> Scanner-1: setting timed terminal event at 7380.0
2025-05-13 19:52:47,542 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: timed termination at 7380.0 for action_downlink
2025-05-13 19:52:47,543 data.base                      INFO       <7380.00> Total reward: {}
2025-05-13 19:52:47,543 comm.communication             INFO       <7380.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,543 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,545 gym                            INFO       <7380.00> Step reward: 0.0
2025-05-13 19:52:47,546 gym                            INFO       <7380.00> === STARTING STEP ===
2025-05-13 19:52:47,547 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,547 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: setting timed terminal event at 7500.0
2025-05-13 19:52:47,560 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: timed termination at 7500.0 for action_charge
2025-05-13 19:52:47,560 data.base                      INFO       <7500.00> Total reward: {}
2025-05-13 19:52:47,561 comm.communication             INFO       <7500.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,561 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,563 gym                            INFO       <7500.00> Step reward: 0.0
2025-05-13 19:52:47,563 gym                            INFO       <7500.00> === STARTING STEP ===
2025-05-13 19:52:47,564 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,564 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: setting timed terminal event at 7680.0
2025-05-13 19:52:47,583 sats.satellite.Scanner-1       INFO       <7680.00> Scanner-1: timed termination at 7680.0 for action_nadir_scan
2025-05-13 19:52:47,584 data.base                      INFO       <7680.00> Total reward: {'Scanner-1': 0.005543859649122807}
2025-05-13 19:52:47,584 comm.communication             INFO       <7680.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,585 sats.satellite.Scanner-1       INFO       <7680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,587 gym                            INFO       <7680.00> Step reward: 0.005543859649122807
2025-05-13 19:52:47,587 gym                            INFO       <7680.00> === STARTING STEP ===
2025-05-13 19:52:47,588 sats.satellite.Scanner-1       INFO       <7680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,588 sats.satellite.Scanner-1       INFO       <7680.00> Scanner-1: setting timed terminal event at 7800.0
2025-05-13 19:52:47,602 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: timed termination at 7800.0 for action_charge
2025-05-13 19:52:47,603 data.base                      INFO       <7800.00> Total reward: {}
2025-05-13 19:52:47,604 comm.communication             INFO       <7800.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,604 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,606 gym                            INFO       <7800.00> Step reward: 0.0
2025-05-13 19:52:47,606 gym                            INFO       <7800.00> === STARTING STEP ===
2025-05-13 19:52:47,607 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,607 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: setting timed terminal event at 7920.0
2025-05-13 19:52:47,620 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: timed termination at 7920.0 for action_charge
2025-05-13 19:52:47,621 data.base                      INFO       <7920.00> Total reward: {}
2025-05-13 19:52:47,621 comm.communication             INFO       <7920.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,622 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,623 gym                            INFO       <7920.00> Step reward: 0.0
2025-05-13 19:52:47,624 gym                            INFO       <7920.00> === STARTING STEP ===
2025-05-13 19:52:47,624 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,625 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: setting timed terminal event at 8040.0
2025-05-13 19:52:47,640 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: timed termination at 8040.0 for action_charge
2025-05-13 19:52:47,641 data.base                      INFO       <8040.00> Total reward: {}
2025-05-13 19:52:47,641 comm.communication             INFO       <8040.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,642 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,643 gym                            INFO       <8040.00> Step reward: 0.0
2025-05-13 19:52:47,644 gym                            INFO       <8040.00> === STARTING STEP ===
2025-05-13 19:52:47,645 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,645 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: setting timed terminal event at 8100.0
2025-05-13 19:52:47,653 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: timed termination at 8100.0 for action_desat
2025-05-13 19:52:47,653 data.base                      INFO       <8100.00> Total reward: {}
2025-05-13 19:52:47,654 comm.communication             INFO       <8100.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,654 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,656 gym                            INFO       <8100.00> Step reward: 0.0
2025-05-13 19:52:47,656 gym                            INFO       <8100.00> === STARTING STEP ===
2025-05-13 19:52:47,657 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,658 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: setting timed terminal event at 8220.0
2025-05-13 19:52:47,670 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: timed termination at 8220.0 for action_charge
2025-05-13 19:52:47,671 data.base                      INFO       <8220.00> Total reward: {}
2025-05-13 19:52:47,671 comm.communication             INFO       <8220.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,672 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,674 gym                            INFO       <8220.00> Step reward: 0.0
2025-05-13 19:52:47,674 gym                            INFO       <8220.00> === STARTING STEP ===
2025-05-13 19:52:47,675 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,675 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: setting timed terminal event at 8280.0
2025-05-13 19:52:47,683 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: timed termination at 8280.0 for action_desat
2025-05-13 19:52:47,684 data.base                      INFO       <8280.00> Total reward: {}
2025-05-13 19:52:47,684 comm.communication             INFO       <8280.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,685 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,687 gym                            INFO       <8280.00> Step reward: 0.0
2025-05-13 19:52:47,687 gym                            INFO       <8280.00> === STARTING STEP ===
2025-05-13 19:52:47,688 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,688 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: setting timed terminal event at 8460.0
2025-05-13 19:52:47,707 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: timed termination at 8460.0 for action_nadir_scan
2025-05-13 19:52:47,707 data.base                      INFO       <8460.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:47,708 comm.communication             INFO       <8460.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,708 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,710 gym                            INFO       <8460.00> Step reward: 0.004912280701754385
2025-05-13 19:52:47,711 gym                            INFO       <8460.00> === STARTING STEP ===
2025-05-13 19:52:47,711 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:47,712 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: setting timed terminal event at 8520.0
2025-05-13 19:52:47,719 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: timed termination at 8520.0 for action_downlink
2025-05-13 19:52:47,720 data.base                      INFO       <8520.00> Total reward: {}
2025-05-13 19:52:47,720 comm.communication             INFO       <8520.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,721 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,722 gym                            INFO       <8520.00> Step reward: 0.0
2025-05-13 19:52:47,723 gym                            INFO       <8520.00> === STARTING STEP ===
2025-05-13 19:52:47,724 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,724 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: setting timed terminal event at 8580.0
2025-05-13 19:52:47,732 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: timed termination at 8580.0 for action_desat
2025-05-13 19:52:47,732 data.base                      INFO       <8580.00> Total reward: {}
2025-05-13 19:52:47,733 comm.communication             INFO       <8580.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,733 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,735 gym                            INFO       <8580.00> Step reward: 0.0
2025-05-13 19:52:47,736 gym                            INFO       <8580.00> === STARTING STEP ===
2025-05-13 19:52:47,736 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,737 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: setting timed terminal event at 8640.0
2025-05-13 19:52:47,744 sats.satellite.Scanner-1       INFO       <8640.00> Scanner-1: timed termination at 8640.0 for action_desat
2025-05-13 19:52:47,745 data.base                      INFO       <8640.00> Total reward: {}
2025-05-13 19:52:47,745 comm.communication             INFO       <8640.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,746 sats.satellite.Scanner-1       INFO       <8640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,747 gym                            INFO       <8640.00> Step reward: 0.0
2025-05-13 19:52:47,748 gym                            INFO       <8640.00> === STARTING STEP ===
2025-05-13 19:52:47,748 sats.satellite.Scanner-1       INFO       <8640.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,749 sats.satellite.Scanner-1       INFO       <8640.00> Scanner-1: setting timed terminal event at 8820.0
2025-05-13 19:52:47,768 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: timed termination at 8820.0 for action_nadir_scan
2025-05-13 19:52:47,768 data.base                      INFO       <8820.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:47,768 comm.communication             INFO       <8820.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,769 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,770 gym                            INFO       <8820.00> Step reward: 0.004912280701754385
2025-05-13 19:52:47,771 gym                            INFO       <8820.00> === STARTING STEP ===
2025-05-13 19:52:47,771 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:47,772 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: setting timed terminal event at 8880.0
2025-05-13 19:52:47,779 sats.satellite.Scanner-1       INFO       <8880.00> Scanner-1: timed termination at 8880.0 for action_downlink
2025-05-13 19:52:47,780 data.base                      INFO       <8880.00> Total reward: {}
2025-05-13 19:52:47,780 comm.communication             INFO       <8880.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,781 sats.satellite.Scanner-1       INFO       <8880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,783 gym                            INFO       <8880.00> Step reward: 0.0
2025-05-13 19:52:47,783 gym                            INFO       <8880.00> === STARTING STEP ===
2025-05-13 19:52:47,784 sats.satellite.Scanner-1       INFO       <8880.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,784 sats.satellite.Scanner-1       INFO       <8880.00> Scanner-1: setting timed terminal event at 9060.0
2025-05-13 19:52:47,803 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: timed termination at 9060.0 for action_nadir_scan
2025-05-13 19:52:47,803 data.base                      INFO       <9060.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-05-13 19:52:47,804 comm.communication             INFO       <9060.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,804 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,806 gym                            INFO       <9060.00> Step reward: 0.00487719298245614
2025-05-13 19:52:47,807 gym                            INFO       <9060.00> === STARTING STEP ===
2025-05-13 19:52:47,807 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:47,807 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: setting timed terminal event at 9120.0
2025-05-13 19:52:47,815 sats.satellite.Scanner-1       INFO       <9120.00> Scanner-1: timed termination at 9120.0 for action_downlink
2025-05-13 19:52:47,815 data.base                      INFO       <9120.00> Total reward: {}
2025-05-13 19:52:47,816 comm.communication             INFO       <9120.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,816 sats.satellite.Scanner-1       INFO       <9120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,818 gym                            INFO       <9120.00> Step reward: 0.0
2025-05-13 19:52:47,819 gym                            INFO       <9120.00> === STARTING STEP ===
2025-05-13 19:52:47,819 sats.satellite.Scanner-1       INFO       <9120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,820 sats.satellite.Scanner-1       INFO       <9120.00> Scanner-1: setting timed terminal event at 9240.0
2025-05-13 19:52:47,835 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: timed termination at 9240.0 for action_charge
2025-05-13 19:52:47,836 data.base                      INFO       <9240.00> Total reward: {}
2025-05-13 19:52:47,836 comm.communication             INFO       <9240.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,837 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,839 gym                            INFO       <9240.00> Step reward: 0.0
2025-05-13 19:52:47,839 gym                            INFO       <9240.00> === STARTING STEP ===
2025-05-13 19:52:47,840 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,840 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: setting timed terminal event at 9300.0
2025-05-13 19:52:47,849 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: timed termination at 9300.0 for action_desat
2025-05-13 19:52:47,849 data.base                      INFO       <9300.00> Total reward: {}
2025-05-13 19:52:47,850 comm.communication             INFO       <9300.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,850 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,852 gym                            INFO       <9300.00> Step reward: 0.0
2025-05-13 19:52:47,853 gym                            INFO       <9300.00> === STARTING STEP ===
2025-05-13 19:52:47,853 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:47,854 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: setting timed terminal event at 9360.0
2025-05-13 19:52:47,862 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: timed termination at 9360.0 for action_downlink
2025-05-13 19:52:47,863 data.base                      INFO       <9360.00> Total reward: {}
2025-05-13 19:52:47,864 comm.communication             INFO       <9360.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,864 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,866 gym                            INFO       <9360.00> Step reward: 0.0
2025-05-13 19:52:47,866 gym                            INFO       <9360.00> === STARTING STEP ===
2025-05-13 19:52:47,867 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,867 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: setting timed terminal event at 9420.0
2025-05-13 19:52:47,876 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: timed termination at 9420.0 for action_desat
2025-05-13 19:52:47,876 data.base                      INFO       <9420.00> Total reward: {}
2025-05-13 19:52:47,877 comm.communication             INFO       <9420.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,877 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,879 gym                            INFO       <9420.00> Step reward: 0.0
2025-05-13 19:52:47,880 gym                            INFO       <9420.00> === STARTING STEP ===
2025-05-13 19:52:47,881 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,881 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: setting timed terminal event at 9480.0
2025-05-13 19:52:47,890 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: timed termination at 9480.0 for action_desat
2025-05-13 19:52:47,890 data.base                      INFO       <9480.00> Total reward: {}
2025-05-13 19:52:47,891 comm.communication             INFO       <9480.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,891 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,893 gym                            INFO       <9480.00> Step reward: 0.0
2025-05-13 19:52:47,894 gym                            INFO       <9480.00> === STARTING STEP ===
2025-05-13 19:52:47,894 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:47,894 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: setting timed terminal event at 9540.0
2025-05-13 19:52:47,903 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: timed termination at 9540.0 for action_downlink
2025-05-13 19:52:47,903 data.base                      INFO       <9540.00> Total reward: {}
2025-05-13 19:52:47,904 comm.communication             INFO       <9540.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,904 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,906 gym                            INFO       <9540.00> Step reward: 0.0
2025-05-13 19:52:47,907 gym                            INFO       <9540.00> === STARTING STEP ===
2025-05-13 19:52:47,907 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,908 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: setting timed terminal event at 9660.0
2025-05-13 19:52:47,921 sats.satellite.Scanner-1       INFO       <9660.00> Scanner-1: timed termination at 9660.0 for action_charge
2025-05-13 19:52:47,921 data.base                      INFO       <9660.00> Total reward: {}
2025-05-13 19:52:47,922 comm.communication             INFO       <9660.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,922 sats.satellite.Scanner-1       INFO       <9660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,924 gym                            INFO       <9660.00> Step reward: 0.0
2025-05-13 19:52:47,925 gym                            INFO       <9660.00> === STARTING STEP ===
2025-05-13 19:52:47,925 sats.satellite.Scanner-1       INFO       <9660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:47,925 sats.satellite.Scanner-1       INFO       <9660.00> Scanner-1: setting timed terminal event at 9720.0
2025-05-13 19:52:47,934 sats.satellite.Scanner-1       INFO       <9720.00> Scanner-1: timed termination at 9720.0 for action_desat
2025-05-13 19:52:47,935 data.base                      INFO       <9720.00> Total reward: {}
2025-05-13 19:52:47,935 comm.communication             INFO       <9720.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,936 sats.satellite.Scanner-1       INFO       <9720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,937 gym                            INFO       <9720.00> Step reward: 0.0
2025-05-13 19:52:47,938 gym                            INFO       <9720.00> === STARTING STEP ===
2025-05-13 19:52:47,938 sats.satellite.Scanner-1       INFO       <9720.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,939 sats.satellite.Scanner-1       INFO       <9720.00> Scanner-1: setting timed terminal event at 9900.0
2025-05-13 19:52:47,961 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: timed termination at 9900.0 for action_nadir_scan
2025-05-13 19:52:47,962 data.base                      INFO       <9900.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-05-13 19:52:47,962 comm.communication             INFO       <9900.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,962 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,964 gym                            INFO       <9900.00> Step reward: 0.004947368421052631
2025-05-13 19:52:47,965 gym                            INFO       <9900.00> === STARTING STEP ===
2025-05-13 19:52:47,965 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:47,966 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: setting timed terminal event at 10020.0
2025-05-13 19:52:47,982 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: timed termination at 10020.0 for action_charge
2025-05-13 19:52:47,982 data.base                      INFO       <10020.00> Total reward: {}
2025-05-13 19:52:47,983 comm.communication             INFO       <10020.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,983 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,985 gym                            INFO       <10020.00> Step reward: 0.0
2025-05-13 19:52:47,985 gym                            INFO       <10020.00> === STARTING STEP ===
2025-05-13 19:52:47,986 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:47,986 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: setting timed terminal event at 10080.0
2025-05-13 19:52:47,995 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: timed termination at 10080.0 for action_downlink
2025-05-13 19:52:47,995 data.base                      INFO       <10080.00> Total reward: {}
2025-05-13 19:52:47,996 comm.communication             INFO       <10080.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:47,996 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:47,998 gym                            INFO       <10080.00> Step reward: 0.0
2025-05-13 19:52:47,999 gym                            INFO       <10080.00> === STARTING STEP ===
2025-05-13 19:52:47,999 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:47,999 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: setting timed terminal event at 10260.0
2025-05-13 19:52:48,018 sats.satellite.Scanner-1       INFO       <10260.00> Scanner-1: timed termination at 10260.0 for action_nadir_scan
2025-05-13 19:52:48,019 data.base                      INFO       <10260.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-05-13 19:52:48,019 comm.communication             INFO       <10260.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,020 sats.satellite.Scanner-1       INFO       <10260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,021 gym                            INFO       <10260.00> Step reward: 0.0049824561403508764
2025-05-13 19:52:48,022 gym                            INFO       <10260.00> === STARTING STEP ===
2025-05-13 19:52:48,022 sats.satellite.Scanner-1       INFO       <10260.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,023 sats.satellite.Scanner-1       INFO       <10260.00> Scanner-1: setting timed terminal event at 10320.0
2025-05-13 19:52:48,030 sats.satellite.Scanner-1       INFO       <10320.00> Scanner-1: timed termination at 10320.0 for action_downlink
2025-05-13 19:52:48,031 data.base                      INFO       <10320.00> Total reward: {}
2025-05-13 19:52:48,031 comm.communication             INFO       <10320.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,032 sats.satellite.Scanner-1       INFO       <10320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,033 gym                            INFO       <10320.00> Step reward: 0.0
2025-05-13 19:52:48,034 gym                            INFO       <10320.00> === STARTING STEP ===
2025-05-13 19:52:48,034 sats.satellite.Scanner-1       INFO       <10320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,035 sats.satellite.Scanner-1       INFO       <10320.00> Scanner-1: setting timed terminal event at 10440.0
2025-05-13 19:52:48,050 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: timed termination at 10440.0 for action_charge
2025-05-13 19:52:48,050 data.base                      INFO       <10440.00> Total reward: {}
2025-05-13 19:52:48,051 comm.communication             INFO       <10440.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,052 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,054 gym                            INFO       <10440.00> Step reward: 0.0
2025-05-13 19:52:48,054 gym                            INFO       <10440.00> === STARTING STEP ===
2025-05-13 19:52:48,055 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,056 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: setting timed terminal event at 10620.0
2025-05-13 19:52:48,075 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: timed termination at 10620.0 for action_nadir_scan
2025-05-13 19:52:48,075 data.base                      INFO       <10620.00> Total reward: {'Scanner-1': 0.0048070175438596485}
2025-05-13 19:52:48,076 comm.communication             INFO       <10620.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,076 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,078 gym                            INFO       <10620.00> Step reward: 0.0048070175438596485
2025-05-13 19:52:48,079 gym                            INFO       <10620.00> === STARTING STEP ===
2025-05-13 19:52:48,080 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,080 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: setting timed terminal event at 10680.0
2025-05-13 19:52:48,088 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: timed termination at 10680.0 for action_desat
2025-05-13 19:52:48,088 data.base                      INFO       <10680.00> Total reward: {}
2025-05-13 19:52:48,089 comm.communication             INFO       <10680.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,089 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,091 gym                            INFO       <10680.00> Step reward: 0.0
2025-05-13 19:52:48,091 gym                            INFO       <10680.00> === STARTING STEP ===
2025-05-13 19:52:48,092 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,092 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: setting timed terminal event at 10800.0
2025-05-13 19:52:48,105 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: timed termination at 10800.0 for action_charge
2025-05-13 19:52:48,106 data.base                      INFO       <10800.00> Total reward: {}
2025-05-13 19:52:48,106 comm.communication             INFO       <10800.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,107 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,109 gym                            INFO       <10800.00> Step reward: 0.0
2025-05-13 19:52:48,110 gym                            INFO       <10800.00> === STARTING STEP ===
2025-05-13 19:52:48,110 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,111 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: setting timed terminal event at 10860.0
2025-05-13 19:52:48,119 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: timed termination at 10860.0 for action_desat
2025-05-13 19:52:48,119 data.base                      INFO       <10860.00> Total reward: {}
2025-05-13 19:52:48,120 comm.communication             INFO       <10860.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,120 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,122 gym                            INFO       <10860.00> Step reward: 0.0
2025-05-13 19:52:48,123 gym                            INFO       <10860.00> === STARTING STEP ===
2025-05-13 19:52:48,123 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,124 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: setting timed terminal event at 11040.0
2025-05-13 19:52:48,143 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: timed termination at 11040.0 for action_nadir_scan
2025-05-13 19:52:48,143 data.base                      INFO       <11040.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-05-13 19:52:48,144 comm.communication             INFO       <11040.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,144 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,146 gym                            INFO       <11040.00> Step reward: 0.004947368421052631
2025-05-13 19:52:48,146 gym                            INFO       <11040.00> === STARTING STEP ===
2025-05-13 19:52:48,147 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,147 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: setting timed terminal event at 11220.0
2025-05-13 19:52:48,166 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: timed termination at 11220.0 for action_nadir_scan
2025-05-13 19:52:48,167 data.base                      INFO       <11220.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:48,168 comm.communication             INFO       <11220.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,168 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,170 gym                            INFO       <11220.00> Step reward: 0.00631578947368421
2025-05-13 19:52:48,170 gym                            INFO       <11220.00> === STARTING STEP ===
2025-05-13 19:52:48,171 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,171 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: setting timed terminal event at 11340.0
2025-05-13 19:52:48,184 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: timed termination at 11340.0 for action_charge
2025-05-13 19:52:48,185 data.base                      INFO       <11340.00> Total reward: {}
2025-05-13 19:52:48,185 comm.communication             INFO       <11340.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,185 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,187 gym                            INFO       <11340.00> Step reward: 0.0
2025-05-13 19:52:48,188 gym                            INFO       <11340.00> === STARTING STEP ===
2025-05-13 19:52:48,188 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,189 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: setting timed terminal event at 11460.0
2025-05-13 19:52:48,202 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: timed termination at 11460.0 for action_charge
2025-05-13 19:52:48,202 data.base                      INFO       <11460.00> Total reward: {}
2025-05-13 19:52:48,203 comm.communication             INFO       <11460.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,203 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,205 gym                            INFO       <11460.00> Step reward: 0.0
2025-05-13 19:52:48,205 gym                            INFO       <11460.00> === STARTING STEP ===
2025-05-13 19:52:48,206 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,206 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: setting timed terminal event at 11520.0
2025-05-13 19:52:48,214 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: timed termination at 11520.0 for action_desat
2025-05-13 19:52:48,214 data.base                      INFO       <11520.00> Total reward: {}
2025-05-13 19:52:48,215 comm.communication             INFO       <11520.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,215 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,217 gym                            INFO       <11520.00> Step reward: 0.0
2025-05-13 19:52:48,217 gym                            INFO       <11520.00> === STARTING STEP ===
2025-05-13 19:52:48,218 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,218 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: setting timed terminal event at 11700.0
2025-05-13 19:52:48,237 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: timed termination at 11700.0 for action_nadir_scan
2025-05-13 19:52:48,238 data.base                      INFO       <11700.00> Total reward: {'Scanner-1': 0.004842105263157894}
2025-05-13 19:52:48,239 comm.communication             INFO       <11700.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,239 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,241 gym                            INFO       <11700.00> Step reward: 0.004842105263157894
2025-05-13 19:52:48,241 gym                            INFO       <11700.00> === STARTING STEP ===
2025-05-13 19:52:48,242 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,243 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: setting timed terminal event at 11820.0
2025-05-13 19:52:48,255 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: timed termination at 11820.0 for action_charge
2025-05-13 19:52:48,256 data.base                      INFO       <11820.00> Total reward: {}
2025-05-13 19:52:48,257 comm.communication             INFO       <11820.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,257 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,258 gym                            INFO       <11820.00> Step reward: 0.0
2025-05-13 19:52:48,259 gym                            INFO       <11820.00> === STARTING STEP ===
2025-05-13 19:52:48,260 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,260 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: setting timed terminal event at 11880.0
2025-05-13 19:52:48,268 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: timed termination at 11880.0 for action_desat
2025-05-13 19:52:48,268 data.base                      INFO       <11880.00> Total reward: {}
2025-05-13 19:52:48,269 comm.communication             INFO       <11880.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,269 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,271 gym                            INFO       <11880.00> Step reward: 0.0
2025-05-13 19:52:48,272 gym                            INFO       <11880.00> === STARTING STEP ===
2025-05-13 19:52:48,272 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,272 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: setting timed terminal event at 12000.0
2025-05-13 19:52:48,286 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: timed termination at 12000.0 for action_charge
2025-05-13 19:52:48,286 data.base                      INFO       <12000.00> Total reward: {}
2025-05-13 19:52:48,287 comm.communication             INFO       <12000.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,287 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,289 gym                            INFO       <12000.00> Step reward: 0.0
2025-05-13 19:52:48,290 gym                            INFO       <12000.00> === STARTING STEP ===
2025-05-13 19:52:48,290 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,291 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: setting timed terminal event at 12120.0
2025-05-13 19:52:48,303 sats.satellite.Scanner-1       INFO       <12120.00> Scanner-1: timed termination at 12120.0 for action_charge
2025-05-13 19:52:48,304 data.base                      INFO       <12120.00> Total reward: {}
2025-05-13 19:52:48,304 comm.communication             INFO       <12120.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,305 sats.satellite.Scanner-1       INFO       <12120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,306 gym                            INFO       <12120.00> Step reward: 0.0
2025-05-13 19:52:48,307 gym                            INFO       <12120.00> === STARTING STEP ===
2025-05-13 19:52:48,307 sats.satellite.Scanner-1       INFO       <12120.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,308 sats.satellite.Scanner-1       INFO       <12120.00> Scanner-1: setting timed terminal event at 12180.0
2025-05-13 19:52:48,315 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: timed termination at 12180.0 for action_downlink
2025-05-13 19:52:48,316 data.base                      INFO       <12180.00> Total reward: {}
2025-05-13 19:52:48,316 comm.communication             INFO       <12180.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,317 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,318 gym                            INFO       <12180.00> Step reward: 0.0
2025-05-13 19:52:48,319 gym                            INFO       <12180.00> === STARTING STEP ===
2025-05-13 19:52:48,319 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,320 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: setting timed terminal event at 12360.0
2025-05-13 19:52:48,339 sats.satellite.Scanner-1       INFO       <12360.00> Scanner-1: timed termination at 12360.0 for action_nadir_scan
2025-05-13 19:52:48,339 data.base                      INFO       <12360.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:48,340 comm.communication             INFO       <12360.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,341 sats.satellite.Scanner-1       INFO       <12360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,342 gym                            INFO       <12360.00> Step reward: 0.004912280701754385
2025-05-13 19:52:48,343 gym                            INFO       <12360.00> === STARTING STEP ===
2025-05-13 19:52:48,343 sats.satellite.Scanner-1       INFO       <12360.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,344 sats.satellite.Scanner-1       INFO       <12360.00> Scanner-1: setting timed terminal event at 12420.0
2025-05-13 19:52:48,352 sats.satellite.Scanner-1       INFO       <12420.00> Scanner-1: timed termination at 12420.0 for action_downlink
2025-05-13 19:52:48,353 data.base                      INFO       <12420.00> Total reward: {}
2025-05-13 19:52:48,353 comm.communication             INFO       <12420.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,354 sats.satellite.Scanner-1       INFO       <12420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,355 gym                            INFO       <12420.00> Step reward: 0.0
2025-05-13 19:52:48,356 gym                            INFO       <12420.00> === STARTING STEP ===
2025-05-13 19:52:48,356 sats.satellite.Scanner-1       INFO       <12420.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,357 sats.satellite.Scanner-1       INFO       <12420.00> Scanner-1: setting timed terminal event at 12600.0
2025-05-13 19:52:48,379 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: timed termination at 12600.0 for action_nadir_scan
2025-05-13 19:52:48,379 data.base                      INFO       <12600.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-05-13 19:52:48,380 comm.communication             INFO       <12600.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,380 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,382 gym                            INFO       <12600.00> Step reward: 0.00487719298245614
2025-05-13 19:52:48,383 gym                            INFO       <12600.00> === STARTING STEP ===
2025-05-13 19:52:48,383 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,384 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: setting timed terminal event at 12660.0
2025-05-13 19:52:48,392 sats.satellite.Scanner-1       INFO       <12660.00> Scanner-1: timed termination at 12660.0 for action_desat
2025-05-13 19:52:48,393 data.base                      INFO       <12660.00> Total reward: {}
2025-05-13 19:52:48,393 comm.communication             INFO       <12660.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,394 sats.satellite.Scanner-1       INFO       <12660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,396 gym                            INFO       <12660.00> Step reward: 0.0
2025-05-13 19:52:48,397 gym                            INFO       <12660.00> === STARTING STEP ===
2025-05-13 19:52:48,397 sats.satellite.Scanner-1       INFO       <12660.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,398 sats.satellite.Scanner-1       INFO       <12660.00> Scanner-1: setting timed terminal event at 12720.0
2025-05-13 19:52:48,405 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: timed termination at 12720.0 for action_downlink
2025-05-13 19:52:48,405 data.base                      INFO       <12720.00> Total reward: {}
2025-05-13 19:52:48,406 comm.communication             INFO       <12720.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,406 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,408 gym                            INFO       <12720.00> Step reward: 0.0
2025-05-13 19:52:48,409 gym                            INFO       <12720.00> === STARTING STEP ===
2025-05-13 19:52:48,409 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,410 sats.satellite.Scanner-1       INFO       <12720.00> Scanner-1: setting timed terminal event at 12900.0
2025-05-13 19:52:48,429 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: timed termination at 12900.0 for action_nadir_scan
2025-05-13 19:52:48,429 data.base                      INFO       <12900.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:48,430 comm.communication             INFO       <12900.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,430 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,432 gym                            INFO       <12900.00> Step reward: 0.004912280701754385
2025-05-13 19:52:48,432 gym                            INFO       <12900.00> === STARTING STEP ===
2025-05-13 19:52:48,433 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,434 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: setting timed terminal event at 12960.0
2025-05-13 19:52:48,441 sats.satellite.Scanner-1       INFO       <12960.00> Scanner-1: timed termination at 12960.0 for action_downlink
2025-05-13 19:52:48,441 data.base                      INFO       <12960.00> Total reward: {}
2025-05-13 19:52:48,441 comm.communication             INFO       <12960.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,442 sats.satellite.Scanner-1       INFO       <12960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,444 gym                            INFO       <12960.00> Step reward: 0.0
2025-05-13 19:52:48,445 gym                            INFO       <12960.00> === STARTING STEP ===
2025-05-13 19:52:48,445 sats.satellite.Scanner-1       INFO       <12960.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,446 sats.satellite.Scanner-1       INFO       <12960.00> Scanner-1: setting timed terminal event at 13020.0
2025-05-13 19:52:48,453 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: timed termination at 13020.0 for action_downlink
2025-05-13 19:52:48,453 data.base                      INFO       <13020.00> Total reward: {}
2025-05-13 19:52:48,454 comm.communication             INFO       <13020.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,455 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,456 gym                            INFO       <13020.00> Step reward: 0.0
2025-05-13 19:52:48,457 gym                            INFO       <13020.00> === STARTING STEP ===
2025-05-13 19:52:48,457 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,457 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: setting timed terminal event at 13080.0
2025-05-13 19:52:48,467 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: timed termination at 13080.0 for action_desat
2025-05-13 19:52:48,467 data.base                      INFO       <13080.00> Total reward: {}
2025-05-13 19:52:48,467 comm.communication             INFO       <13080.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,468 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,470 gym                            INFO       <13080.00> Step reward: 0.0
2025-05-13 19:52:48,471 gym                            INFO       <13080.00> === STARTING STEP ===
2025-05-13 19:52:48,471 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,472 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: setting timed terminal event at 13140.0
2025-05-13 19:52:48,479 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: timed termination at 13140.0 for action_desat
2025-05-13 19:52:48,480 data.base                      INFO       <13140.00> Total reward: {}
2025-05-13 19:52:48,481 comm.communication             INFO       <13140.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,481 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,483 gym                            INFO       <13140.00> Step reward: 0.0
2025-05-13 19:52:48,483 gym                            INFO       <13140.00> === STARTING STEP ===
2025-05-13 19:52:48,484 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,484 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: setting timed terminal event at 13200.0
2025-05-13 19:52:48,493 sats.satellite.Scanner-1       INFO       <13200.00> Scanner-1: timed termination at 13200.0 for action_desat
2025-05-13 19:52:48,493 data.base                      INFO       <13200.00> Total reward: {}
2025-05-13 19:52:48,494 comm.communication             INFO       <13200.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,494 sats.satellite.Scanner-1       INFO       <13200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,496 gym                            INFO       <13200.00> Step reward: 0.0
2025-05-13 19:52:48,497 gym                            INFO       <13200.00> === STARTING STEP ===
2025-05-13 19:52:48,497 sats.satellite.Scanner-1       INFO       <13200.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,498 sats.satellite.Scanner-1       INFO       <13200.00> Scanner-1: setting timed terminal event at 13320.0
2025-05-13 19:52:48,513 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: timed termination at 13320.0 for action_charge
2025-05-13 19:52:48,513 data.base                      INFO       <13320.00> Total reward: {}
2025-05-13 19:52:48,514 comm.communication             INFO       <13320.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,515 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,516 gym                            INFO       <13320.00> Step reward: 0.0
2025-05-13 19:52:48,517 gym                            INFO       <13320.00> === STARTING STEP ===
2025-05-13 19:52:48,518 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,518 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: setting timed terminal event at 13440.0
2025-05-13 19:52:48,533 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: timed termination at 13440.0 for action_charge
2025-05-13 19:52:48,534 data.base                      INFO       <13440.00> Total reward: {}
2025-05-13 19:52:48,534 comm.communication             INFO       <13440.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,535 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,536 gym                            INFO       <13440.00> Step reward: 0.0
2025-05-13 19:52:48,537 gym                            INFO       <13440.00> === STARTING STEP ===
2025-05-13 19:52:48,537 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,538 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: setting timed terminal event at 13560.0
2025-05-13 19:52:48,551 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: timed termination at 13560.0 for action_charge
2025-05-13 19:52:48,552 data.base                      INFO       <13560.00> Total reward: {}
2025-05-13 19:52:48,553 comm.communication             INFO       <13560.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,553 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,554 gym                            INFO       <13560.00> Step reward: 0.0
2025-05-13 19:52:48,555 gym                            INFO       <13560.00> === STARTING STEP ===
2025-05-13 19:52:48,556 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,556 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: setting timed terminal event at 13620.0
2025-05-13 19:52:48,564 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: timed termination at 13620.0 for action_desat
2025-05-13 19:52:48,564 data.base                      INFO       <13620.00> Total reward: {}
2025-05-13 19:52:48,565 comm.communication             INFO       <13620.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,565 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,567 gym                            INFO       <13620.00> Step reward: 0.0
2025-05-13 19:52:48,568 gym                            INFO       <13620.00> === STARTING STEP ===
2025-05-13 19:52:48,569 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,569 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: setting timed terminal event at 13680.0
2025-05-13 19:52:48,577 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: timed termination at 13680.0 for action_desat
2025-05-13 19:52:48,578 data.base                      INFO       <13680.00> Total reward: {}
2025-05-13 19:52:48,578 comm.communication             INFO       <13680.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,579 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,580 gym                            INFO       <13680.00> Step reward: 0.0
2025-05-13 19:52:48,581 gym                            INFO       <13680.00> === STARTING STEP ===
2025-05-13 19:52:48,582 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,582 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: setting timed terminal event at 13740.0
2025-05-13 19:52:48,589 sats.satellite.Scanner-1       INFO       <13740.00> Scanner-1: timed termination at 13740.0 for action_downlink
2025-05-13 19:52:48,590 data.base                      INFO       <13740.00> Total reward: {}
2025-05-13 19:52:48,590 comm.communication             INFO       <13740.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,591 sats.satellite.Scanner-1       INFO       <13740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,593 gym                            INFO       <13740.00> Step reward: 0.0
2025-05-13 19:52:48,594 gym                            INFO       <13740.00> === STARTING STEP ===
2025-05-13 19:52:48,594 sats.satellite.Scanner-1       INFO       <13740.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,595 sats.satellite.Scanner-1       INFO       <13740.00> Scanner-1: setting timed terminal event at 13800.0
2025-05-13 19:52:48,602 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: timed termination at 13800.0 for action_downlink
2025-05-13 19:52:48,603 data.base                      INFO       <13800.00> Total reward: {}
2025-05-13 19:52:48,603 comm.communication             INFO       <13800.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,603 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,605 gym                            INFO       <13800.00> Step reward: 0.0
2025-05-13 19:52:48,606 gym                            INFO       <13800.00> === STARTING STEP ===
2025-05-13 19:52:48,606 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,607 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: setting timed terminal event at 13920.0
2025-05-13 19:52:48,622 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: timed termination at 13920.0 for action_charge
2025-05-13 19:52:48,622 data.base                      INFO       <13920.00> Total reward: {}
2025-05-13 19:52:48,623 comm.communication             INFO       <13920.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,623 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,625 gym                            INFO       <13920.00> Step reward: 0.0
2025-05-13 19:52:48,626 gym                            INFO       <13920.00> === STARTING STEP ===
2025-05-13 19:52:48,626 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,627 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: setting timed terminal event at 14040.0
2025-05-13 19:52:48,640 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: timed termination at 14040.0 for action_charge
2025-05-13 19:52:48,640 data.base                      INFO       <14040.00> Total reward: {}
2025-05-13 19:52:48,641 comm.communication             INFO       <14040.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,641 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,643 gym                            INFO       <14040.00> Step reward: 0.0
2025-05-13 19:52:48,644 gym                            INFO       <14040.00> === STARTING STEP ===
2025-05-13 19:52:48,644 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,645 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: setting timed terminal event at 14100.0
2025-05-13 19:52:48,652 sats.satellite.Scanner-1       INFO       <14100.00> Scanner-1: timed termination at 14100.0 for action_downlink
2025-05-13 19:52:48,653 data.base                      INFO       <14100.00> Total reward: {}
2025-05-13 19:52:48,653 comm.communication             INFO       <14100.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,654 sats.satellite.Scanner-1       INFO       <14100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,656 gym                            INFO       <14100.00> Step reward: 0.0
2025-05-13 19:52:48,656 gym                            INFO       <14100.00> === STARTING STEP ===
2025-05-13 19:52:48,657 sats.satellite.Scanner-1       INFO       <14100.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,657 sats.satellite.Scanner-1       INFO       <14100.00> Scanner-1: setting timed terminal event at 14220.0
2025-05-13 19:52:48,670 sats.satellite.Scanner-1       INFO       <14220.00> Scanner-1: timed termination at 14220.0 for action_charge
2025-05-13 19:52:48,671 data.base                      INFO       <14220.00> Total reward: {}
2025-05-13 19:52:48,671 comm.communication             INFO       <14220.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,672 sats.satellite.Scanner-1       INFO       <14220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,674 gym                            INFO       <14220.00> Step reward: 0.0
2025-05-13 19:52:48,674 gym                            INFO       <14220.00> === STARTING STEP ===
2025-05-13 19:52:48,674 sats.satellite.Scanner-1       INFO       <14220.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,675 sats.satellite.Scanner-1       INFO       <14220.00> Scanner-1: setting timed terminal event at 14400.0
2025-05-13 19:52:48,694 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: timed termination at 14400.0 for action_nadir_scan
2025-05-13 19:52:48,694 data.base                      INFO       <14400.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:48,695 comm.communication             INFO       <14400.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,695 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,697 gym                            INFO       <14400.00> Step reward: 0.004912280701754385
2025-05-13 19:52:48,698 gym                            INFO       <14400.00> === STARTING STEP ===
2025-05-13 19:52:48,698 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,698 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: setting timed terminal event at 14520.0
2025-05-13 19:52:48,714 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: timed termination at 14520.0 for action_charge
2025-05-13 19:52:48,714 data.base                      INFO       <14520.00> Total reward: {}
2025-05-13 19:52:48,715 comm.communication             INFO       <14520.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,715 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,717 gym                            INFO       <14520.00> Step reward: 0.0
2025-05-13 19:52:48,718 gym                            INFO       <14520.00> === STARTING STEP ===
2025-05-13 19:52:48,718 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,719 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: setting timed terminal event at 14580.0
2025-05-13 19:52:48,727 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: timed termination at 14580.0 for action_downlink
2025-05-13 19:52:48,728 data.base                      INFO       <14580.00> Total reward: {}
2025-05-13 19:52:48,728 comm.communication             INFO       <14580.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,729 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,731 gym                            INFO       <14580.00> Step reward: 0.0
2025-05-13 19:52:48,731 gym                            INFO       <14580.00> === STARTING STEP ===
2025-05-13 19:52:48,732 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,733 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: setting timed terminal event at 14640.0
2025-05-13 19:52:48,741 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: timed termination at 14640.0 for action_desat
2025-05-13 19:52:48,741 data.base                      INFO       <14640.00> Total reward: {}
2025-05-13 19:52:48,742 comm.communication             INFO       <14640.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,743 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,744 gym                            INFO       <14640.00> Step reward: 0.0
2025-05-13 19:52:48,745 gym                            INFO       <14640.00> === STARTING STEP ===
2025-05-13 19:52:48,745 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,746 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: setting timed terminal event at 14820.0
2025-05-13 19:52:48,765 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: timed termination at 14820.0 for action_nadir_scan
2025-05-13 19:52:48,765 data.base                      INFO       <14820.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:48,766 comm.communication             INFO       <14820.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,766 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,768 gym                            INFO       <14820.00> Step reward: 0.004912280701754385
2025-05-13 19:52:48,768 gym                            INFO       <14820.00> === STARTING STEP ===
2025-05-13 19:52:48,769 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,770 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: setting timed terminal event at 14880.0
2025-05-13 19:52:48,777 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: timed termination at 14880.0 for action_desat
2025-05-13 19:52:48,778 data.base                      INFO       <14880.00> Total reward: {}
2025-05-13 19:52:48,778 comm.communication             INFO       <14880.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,779 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,780 gym                            INFO       <14880.00> Step reward: 0.0
2025-05-13 19:52:48,781 gym                            INFO       <14880.00> === STARTING STEP ===
2025-05-13 19:52:48,781 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,782 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: setting timed terminal event at 14940.0
2025-05-13 19:52:48,791 sats.satellite.Scanner-1       INFO       <14940.00> Scanner-1: timed termination at 14940.0 for action_desat
2025-05-13 19:52:48,791 data.base                      INFO       <14940.00> Total reward: {}
2025-05-13 19:52:48,792 comm.communication             INFO       <14940.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,792 sats.satellite.Scanner-1       INFO       <14940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,794 gym                            INFO       <14940.00> Step reward: 0.0
2025-05-13 19:52:48,795 gym                            INFO       <14940.00> === STARTING STEP ===
2025-05-13 19:52:48,795 sats.satellite.Scanner-1       INFO       <14940.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,795 sats.satellite.Scanner-1       INFO       <14940.00> Scanner-1: setting timed terminal event at 15120.0
2025-05-13 19:52:48,815 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: timed termination at 15120.0 for action_nadir_scan
2025-05-13 19:52:48,815 data.base                      INFO       <15120.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:48,816 comm.communication             INFO       <15120.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,816 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,818 gym                            INFO       <15120.00> Step reward: 0.004912280701754385
2025-05-13 19:52:48,818 gym                            INFO       <15120.00> === STARTING STEP ===
2025-05-13 19:52:48,819 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,819 sats.satellite.Scanner-1       INFO       <15120.00> Scanner-1: setting timed terminal event at 15180.0
2025-05-13 19:52:48,827 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: timed termination at 15180.0 for action_downlink
2025-05-13 19:52:48,827 data.base                      INFO       <15180.00> Total reward: {}
2025-05-13 19:52:48,828 comm.communication             INFO       <15180.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,829 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,830 gym                            INFO       <15180.00> Step reward: 0.0
2025-05-13 19:52:48,831 gym                            INFO       <15180.00> === STARTING STEP ===
2025-05-13 19:52:48,831 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,832 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: setting timed terminal event at 15240.0
2025-05-13 19:52:48,839 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: timed termination at 15240.0 for action_downlink
2025-05-13 19:52:48,839 data.base                      INFO       <15240.00> Total reward: {}
2025-05-13 19:52:48,840 comm.communication             INFO       <15240.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,841 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,842 gym                            INFO       <15240.00> Step reward: 0.0
2025-05-13 19:52:48,843 gym                            INFO       <15240.00> === STARTING STEP ===
2025-05-13 19:52:48,844 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,844 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: setting timed terminal event at 15360.0
2025-05-13 19:52:48,860 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: timed termination at 15360.0 for action_charge
2025-05-13 19:52:48,860 data.base                      INFO       <15360.00> Total reward: {}
2025-05-13 19:52:48,861 comm.communication             INFO       <15360.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,861 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,863 gym                            INFO       <15360.00> Step reward: 0.0
2025-05-13 19:52:48,864 gym                            INFO       <15360.00> === STARTING STEP ===
2025-05-13 19:52:48,864 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,864 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: setting timed terminal event at 15420.0
2025-05-13 19:52:48,872 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: timed termination at 15420.0 for action_downlink
2025-05-13 19:52:48,872 data.base                      INFO       <15420.00> Total reward: {}
2025-05-13 19:52:48,873 comm.communication             INFO       <15420.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,873 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,875 gym                            INFO       <15420.00> Step reward: 0.0
2025-05-13 19:52:48,876 gym                            INFO       <15420.00> === STARTING STEP ===
2025-05-13 19:52:48,876 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,877 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: setting timed terminal event at 15600.0
2025-05-13 19:52:48,895 sats.satellite.Scanner-1       INFO       <15600.00> Scanner-1: timed termination at 15600.0 for action_nadir_scan
2025-05-13 19:52:48,896 data.base                      INFO       <15600.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-05-13 19:52:48,897 comm.communication             INFO       <15600.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,897 sats.satellite.Scanner-1       INFO       <15600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,899 gym                            INFO       <15600.00> Step reward: 0.0049824561403508764
2025-05-13 19:52:48,899 gym                            INFO       <15600.00> === STARTING STEP ===
2025-05-13 19:52:48,900 sats.satellite.Scanner-1       INFO       <15600.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,901 sats.satellite.Scanner-1       INFO       <15600.00> Scanner-1: setting timed terminal event at 15780.0
2025-05-13 19:52:48,920 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: timed termination at 15780.0 for action_nadir_scan
2025-05-13 19:52:48,921 data.base                      INFO       <15780.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:48,922 comm.communication             INFO       <15780.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,922 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,924 gym                            INFO       <15780.00> Step reward: 0.00631578947368421
2025-05-13 19:52:48,925 gym                            INFO       <15780.00> === STARTING STEP ===
2025-05-13 19:52:48,925 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:48,926 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: setting timed terminal event at 15840.0
2025-05-13 19:52:48,933 sats.satellite.Scanner-1       INFO       <15840.00> Scanner-1: timed termination at 15840.0 for action_desat
2025-05-13 19:52:48,934 data.base                      INFO       <15840.00> Total reward: {}
2025-05-13 19:52:48,934 comm.communication             INFO       <15840.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,935 sats.satellite.Scanner-1       INFO       <15840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,937 gym                            INFO       <15840.00> Step reward: 0.0
2025-05-13 19:52:48,937 gym                            INFO       <15840.00> === STARTING STEP ===
2025-05-13 19:52:48,938 sats.satellite.Scanner-1       INFO       <15840.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,938 sats.satellite.Scanner-1       INFO       <15840.00> Scanner-1: setting timed terminal event at 15900.0
2025-05-13 19:52:48,946 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: timed termination at 15900.0 for action_downlink
2025-05-13 19:52:48,946 data.base                      INFO       <15900.00> Total reward: {}
2025-05-13 19:52:48,947 comm.communication             INFO       <15900.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,947 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,949 gym                            INFO       <15900.00> Step reward: 0.0
2025-05-13 19:52:48,950 gym                            INFO       <15900.00> === STARTING STEP ===
2025-05-13 19:52:48,950 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:48,951 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: setting timed terminal event at 16020.0
2025-05-13 19:52:48,966 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: timed termination at 16020.0 for action_charge
2025-05-13 19:52:48,967 data.base                      INFO       <16020.00> Total reward: {}
2025-05-13 19:52:48,967 comm.communication             INFO       <16020.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,968 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,969 gym                            INFO       <16020.00> Step reward: 0.0
2025-05-13 19:52:48,970 gym                            INFO       <16020.00> === STARTING STEP ===
2025-05-13 19:52:48,971 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:48,971 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: setting timed terminal event at 16080.0
2025-05-13 19:52:48,978 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: timed termination at 16080.0 for action_downlink
2025-05-13 19:52:48,979 data.base                      INFO       <16080.00> Total reward: {}
2025-05-13 19:52:48,979 comm.communication             INFO       <16080.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:48,980 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:48,982 gym                            INFO       <16080.00> Step reward: 0.0
2025-05-13 19:52:48,983 gym                            INFO       <16080.00> === STARTING STEP ===
2025-05-13 19:52:48,983 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:48,984 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: setting timed terminal event at 16260.0
2025-05-13 19:52:49,002 sats.satellite.Scanner-1       INFO       <16260.00> Scanner-1: timed termination at 16260.0 for action_nadir_scan
2025-05-13 19:52:49,003 data.base                      INFO       <16260.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-05-13 19:52:49,003 comm.communication             INFO       <16260.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,004 sats.satellite.Scanner-1       INFO       <16260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,005 gym                            INFO       <16260.00> Step reward: 0.0049824561403508764
2025-05-13 19:52:49,006 gym                            INFO       <16260.00> === STARTING STEP ===
2025-05-13 19:52:49,007 sats.satellite.Scanner-1       INFO       <16260.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,007 sats.satellite.Scanner-1       INFO       <16260.00> Scanner-1: setting timed terminal event at 16320.0
2025-05-13 19:52:49,015 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: timed termination at 16320.0 for action_desat
2025-05-13 19:52:49,016 data.base                      INFO       <16320.00> Total reward: {}
2025-05-13 19:52:49,016 comm.communication             INFO       <16320.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,017 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,018 gym                            INFO       <16320.00> Step reward: 0.0
2025-05-13 19:52:49,019 gym                            INFO       <16320.00> === STARTING STEP ===
2025-05-13 19:52:49,019 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,020 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: setting timed terminal event at 16380.0
2025-05-13 19:52:49,028 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: timed termination at 16380.0 for action_desat
2025-05-13 19:52:49,028 data.base                      INFO       <16380.00> Total reward: {}
2025-05-13 19:52:49,029 comm.communication             INFO       <16380.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,029 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,031 gym                            INFO       <16380.00> Step reward: 0.0
2025-05-13 19:52:49,032 gym                            INFO       <16380.00> === STARTING STEP ===
2025-05-13 19:52:49,032 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,033 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: setting timed terminal event at 16560.0
2025-05-13 19:52:49,052 sats.satellite.Scanner-1       INFO       <16560.00> Scanner-1: timed termination at 16560.0 for action_nadir_scan
2025-05-13 19:52:49,053 data.base                      INFO       <16560.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:49,053 comm.communication             INFO       <16560.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,054 sats.satellite.Scanner-1       INFO       <16560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,055 gym                            INFO       <16560.00> Step reward: 0.004912280701754385
2025-05-13 19:52:49,056 gym                            INFO       <16560.00> === STARTING STEP ===
2025-05-13 19:52:49,056 sats.satellite.Scanner-1       INFO       <16560.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:49,057 sats.satellite.Scanner-1       INFO       <16560.00> Scanner-1: setting timed terminal event at 16680.0
2025-05-13 19:52:49,070 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: timed termination at 16680.0 for action_charge
2025-05-13 19:52:49,071 data.base                      INFO       <16680.00> Total reward: {}
2025-05-13 19:52:49,071 comm.communication             INFO       <16680.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,072 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,073 gym                            INFO       <16680.00> Step reward: 0.0
2025-05-13 19:52:49,074 gym                            INFO       <16680.00> === STARTING STEP ===
2025-05-13 19:52:49,075 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,075 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: setting timed terminal event at 16740.0
2025-05-13 19:52:49,083 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: timed termination at 16740.0 for action_desat
2025-05-13 19:52:49,083 data.base                      INFO       <16740.00> Total reward: {}
2025-05-13 19:52:49,084 comm.communication             INFO       <16740.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,085 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,086 gym                            INFO       <16740.00> Step reward: 0.0
2025-05-13 19:52:49,087 gym                            INFO       <16740.00> === STARTING STEP ===
2025-05-13 19:52:49,088 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,088 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: setting timed terminal event at 16800.0
2025-05-13 19:52:49,095 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: timed termination at 16800.0 for action_downlink
2025-05-13 19:52:49,096 data.base                      INFO       <16800.00> Total reward: {}
2025-05-13 19:52:49,096 comm.communication             INFO       <16800.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,097 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,099 gym                            INFO       <16800.00> Step reward: 0.0
2025-05-13 19:52:49,099 gym                            INFO       <16800.00> === STARTING STEP ===
2025-05-13 19:52:49,100 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,101 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: setting timed terminal event at 16860.0
2025-05-13 19:52:49,108 sats.satellite.Scanner-1       INFO       <16860.00> Scanner-1: timed termination at 16860.0 for action_desat
2025-05-13 19:52:49,108 data.base                      INFO       <16860.00> Total reward: {}
2025-05-13 19:52:49,109 comm.communication             INFO       <16860.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,110 sats.satellite.Scanner-1       INFO       <16860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,111 gym                            INFO       <16860.00> Step reward: 0.0
2025-05-13 19:52:49,112 gym                            INFO       <16860.00> === STARTING STEP ===
2025-05-13 19:52:49,112 sats.satellite.Scanner-1       INFO       <16860.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,113 sats.satellite.Scanner-1       INFO       <16860.00> Scanner-1: setting timed terminal event at 17040.0
2025-05-13 19:52:49,132 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: timed termination at 17040.0 for action_nadir_scan
2025-05-13 19:52:49,132 data.base                      INFO       <17040.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-05-13 19:52:49,133 comm.communication             INFO       <17040.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,133 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,135 gym                            INFO       <17040.00> Step reward: 0.004947368421052631
2025-05-13 19:52:49,135 gym                            INFO       <17040.00> === STARTING STEP ===
2025-05-13 19:52:49,135 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,136 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: setting timed terminal event at 17100.0
2025-05-13 19:52:49,144 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: timed termination at 17100.0 for action_desat
2025-05-13 19:52:49,145 data.base                      INFO       <17100.00> Total reward: {}
2025-05-13 19:52:49,145 comm.communication             INFO       <17100.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,146 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,147 gym                            INFO       <17100.00> Step reward: 0.0
2025-05-13 19:52:49,148 gym                            INFO       <17100.00> === STARTING STEP ===
2025-05-13 19:52:49,149 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,149 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: setting timed terminal event at 17280.0
2025-05-13 19:52:49,168 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: timed termination at 17280.0 for action_nadir_scan
2025-05-13 19:52:49,168 data.base                      INFO       <17280.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-05-13 19:52:49,169 comm.communication             INFO       <17280.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,169 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,170 gym                            INFO       <17280.00> Step reward: 0.00487719298245614
2025-05-13 19:52:49,171 gym                            INFO       <17280.00> === STARTING STEP ===
2025-05-13 19:52:49,172 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,172 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: setting timed terminal event at 17340.0
2025-05-13 19:52:49,180 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: timed termination at 17340.0 for action_desat
2025-05-13 19:52:49,181 data.base                      INFO       <17340.00> Total reward: {}
2025-05-13 19:52:49,182 comm.communication             INFO       <17340.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,182 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,183 gym                            INFO       <17340.00> Step reward: 0.0
2025-05-13 19:52:49,184 gym                            INFO       <17340.00> === STARTING STEP ===
2025-05-13 19:52:49,185 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:49,185 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: setting timed terminal event at 17460.0
2025-05-13 19:52:49,198 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: timed termination at 17460.0 for action_charge
2025-05-13 19:52:49,199 data.base                      INFO       <17460.00> Total reward: {}
2025-05-13 19:52:49,199 comm.communication             INFO       <17460.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,199 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,201 gym                            INFO       <17460.00> Step reward: 0.0
2025-05-13 19:52:49,202 gym                            INFO       <17460.00> === STARTING STEP ===
2025-05-13 19:52:49,202 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,203 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: setting timed terminal event at 17520.0
2025-05-13 19:52:49,211 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: timed termination at 17520.0 for action_desat
2025-05-13 19:52:49,211 data.base                      INFO       <17520.00> Total reward: {}
2025-05-13 19:52:49,212 comm.communication             INFO       <17520.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,212 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,214 gym                            INFO       <17520.00> Step reward: 0.0
2025-05-13 19:52:49,214 gym                            INFO       <17520.00> === STARTING STEP ===
2025-05-13 19:52:49,215 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,215 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: setting timed terminal event at 17580.0
2025-05-13 19:52:49,223 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: timed termination at 17580.0 for action_desat
2025-05-13 19:52:49,223 data.base                      INFO       <17580.00> Total reward: {}
2025-05-13 19:52:49,224 comm.communication             INFO       <17580.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,225 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,226 gym                            INFO       <17580.00> Step reward: 0.0
2025-05-13 19:52:49,227 gym                            INFO       <17580.00> === STARTING STEP ===
2025-05-13 19:52:49,227 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,228 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: setting timed terminal event at 17640.0
2025-05-13 19:52:49,235 sats.satellite.Scanner-1       INFO       <17640.00> Scanner-1: timed termination at 17640.0 for action_downlink
2025-05-13 19:52:49,236 data.base                      INFO       <17640.00> Total reward: {}
2025-05-13 19:52:49,237 comm.communication             INFO       <17640.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,237 sats.satellite.Scanner-1       INFO       <17640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,238 gym                            INFO       <17640.00> Step reward: 0.0
2025-05-13 19:52:49,239 gym                            INFO       <17640.00> === STARTING STEP ===
2025-05-13 19:52:49,240 sats.satellite.Scanner-1       INFO       <17640.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,240 sats.satellite.Scanner-1       INFO       <17640.00> Scanner-1: setting timed terminal event at 17820.0
2025-05-13 19:52:49,259 sats.satellite.Scanner-1       INFO       <17820.00> Scanner-1: timed termination at 17820.0 for action_nadir_scan
2025-05-13 19:52:49,259 data.base                      INFO       <17820.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-05-13 19:52:49,260 comm.communication             INFO       <17820.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,260 sats.satellite.Scanner-1       INFO       <17820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,262 gym                            INFO       <17820.00> Step reward: 0.004947368421052631
2025-05-13 19:52:49,263 gym                            INFO       <17820.00> === STARTING STEP ===
2025-05-13 19:52:49,263 sats.satellite.Scanner-1       INFO       <17820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,263 sats.satellite.Scanner-1       INFO       <17820.00> Scanner-1: setting timed terminal event at 17880.0
2025-05-13 19:52:49,271 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: timed termination at 17880.0 for action_downlink
2025-05-13 19:52:49,272 data.base                      INFO       <17880.00> Total reward: {}
2025-05-13 19:52:49,272 comm.communication             INFO       <17880.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,272 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,274 gym                            INFO       <17880.00> Step reward: 0.0
2025-05-13 19:52:49,275 gym                            INFO       <17880.00> === STARTING STEP ===
2025-05-13 19:52:49,275 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,276 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: setting timed terminal event at 17940.0
2025-05-13 19:52:49,284 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: timed termination at 17940.0 for action_desat
2025-05-13 19:52:49,284 data.base                      INFO       <17940.00> Total reward: {}
2025-05-13 19:52:49,285 comm.communication             INFO       <17940.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,286 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,287 gym                            INFO       <17940.00> Step reward: 0.0
2025-05-13 19:52:49,288 gym                            INFO       <17940.00> === STARTING STEP ===
2025-05-13 19:52:49,288 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,289 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: setting timed terminal event at 18000.0
2025-05-13 19:52:49,296 sats.satellite.Scanner-1       INFO       <18000.00> Scanner-1: timed termination at 18000.0 for action_desat
2025-05-13 19:52:49,297 data.base                      INFO       <18000.00> Total reward: {}
2025-05-13 19:52:49,298 comm.communication             INFO       <18000.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,298 sats.satellite.Scanner-1       INFO       <18000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,300 gym                            INFO       <18000.00> Step reward: 0.0
2025-05-13 19:52:49,301 gym                            INFO       <18000.00> === STARTING STEP ===
2025-05-13 19:52:49,301 sats.satellite.Scanner-1       INFO       <18000.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,301 sats.satellite.Scanner-1       INFO       <18000.00> Scanner-1: setting timed terminal event at 18060.0
2025-05-13 19:52:49,310 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: timed termination at 18060.0 for action_downlink
2025-05-13 19:52:49,310 data.base                      INFO       <18060.00> Total reward: {}
2025-05-13 19:52:49,311 comm.communication             INFO       <18060.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,311 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,313 gym                            INFO       <18060.00> Step reward: 0.0
2025-05-13 19:52:49,314 gym                            INFO       <18060.00> === STARTING STEP ===
2025-05-13 19:52:49,314 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,314 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: setting timed terminal event at 18120.0
2025-05-13 19:52:49,323 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: timed termination at 18120.0 for action_desat
2025-05-13 19:52:49,324 data.base                      INFO       <18120.00> Total reward: {}
2025-05-13 19:52:49,324 comm.communication             INFO       <18120.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,325 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,327 gym                            INFO       <18120.00> Step reward: 0.0
2025-05-13 19:52:49,327 gym                            INFO       <18120.00> === STARTING STEP ===
2025-05-13 19:52:49,328 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:49,328 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: setting timed terminal event at 18240.0
2025-05-13 19:52:49,343 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: timed termination at 18240.0 for action_charge
2025-05-13 19:52:49,344 data.base                      INFO       <18240.00> Total reward: {}
2025-05-13 19:52:49,344 comm.communication             INFO       <18240.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,345 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,346 gym                            INFO       <18240.00> Step reward: 0.0
2025-05-13 19:52:49,347 gym                            INFO       <18240.00> === STARTING STEP ===
2025-05-13 19:52:49,348 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,348 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: setting timed terminal event at 18300.0
2025-05-13 19:52:49,357 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: timed termination at 18300.0 for action_desat
2025-05-13 19:52:49,357 data.base                      INFO       <18300.00> Total reward: {}
2025-05-13 19:52:49,358 comm.communication             INFO       <18300.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,358 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,360 gym                            INFO       <18300.00> Step reward: 0.0
2025-05-13 19:52:49,360 gym                            INFO       <18300.00> === STARTING STEP ===
2025-05-13 19:52:49,361 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,361 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: setting timed terminal event at 18360.0
2025-05-13 19:52:49,369 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: timed termination at 18360.0 for action_downlink
2025-05-13 19:52:49,369 data.base                      INFO       <18360.00> Total reward: {}
2025-05-13 19:52:49,369 comm.communication             INFO       <18360.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,370 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,372 gym                            INFO       <18360.00> Step reward: 0.0
2025-05-13 19:52:49,372 gym                            INFO       <18360.00> === STARTING STEP ===
2025-05-13 19:52:49,373 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,373 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: setting timed terminal event at 18420.0
2025-05-13 19:52:49,381 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: timed termination at 18420.0 for action_desat
2025-05-13 19:52:49,381 data.base                      INFO       <18420.00> Total reward: {}
2025-05-13 19:52:49,382 comm.communication             INFO       <18420.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,382 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,384 gym                            INFO       <18420.00> Step reward: 0.0
2025-05-13 19:52:49,385 gym                            INFO       <18420.00> === STARTING STEP ===
2025-05-13 19:52:49,385 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,385 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: setting timed terminal event at 18480.0
2025-05-13 19:52:49,394 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: timed termination at 18480.0 for action_desat
2025-05-13 19:52:49,395 data.base                      INFO       <18480.00> Total reward: {}
2025-05-13 19:52:49,395 comm.communication             INFO       <18480.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,396 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,397 gym                            INFO       <18480.00> Step reward: 0.0
2025-05-13 19:52:49,398 gym                            INFO       <18480.00> === STARTING STEP ===
2025-05-13 19:52:49,399 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:49,399 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: setting timed terminal event at 18600.0
2025-05-13 19:52:49,414 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: timed termination at 18600.0 for action_charge
2025-05-13 19:52:49,415 data.base                      INFO       <18600.00> Total reward: {}
2025-05-13 19:52:49,415 comm.communication             INFO       <18600.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,416 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,418 gym                            INFO       <18600.00> Step reward: 0.0
2025-05-13 19:52:49,419 gym                            INFO       <18600.00> === STARTING STEP ===
2025-05-13 19:52:49,419 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,419 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: setting timed terminal event at 18660.0
2025-05-13 19:52:49,428 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: timed termination at 18660.0 for action_downlink
2025-05-13 19:52:49,429 data.base                      INFO       <18660.00> Total reward: {}
2025-05-13 19:52:49,429 comm.communication             INFO       <18660.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,429 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,431 gym                            INFO       <18660.00> Step reward: 0.0
2025-05-13 19:52:49,432 gym                            INFO       <18660.00> === STARTING STEP ===
2025-05-13 19:52:49,432 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:49,433 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: setting timed terminal event at 18780.0
2025-05-13 19:52:49,448 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: timed termination at 18780.0 for action_charge
2025-05-13 19:52:49,448 data.base                      INFO       <18780.00> Total reward: {}
2025-05-13 19:52:49,449 comm.communication             INFO       <18780.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,449 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,451 gym                            INFO       <18780.00> Step reward: 0.0
2025-05-13 19:52:49,452 gym                            INFO       <18780.00> === STARTING STEP ===
2025-05-13 19:52:49,452 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:49,453 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: setting timed terminal event at 18900.0
2025-05-13 19:52:49,466 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: timed termination at 18900.0 for action_charge
2025-05-13 19:52:49,466 data.base                      INFO       <18900.00> Total reward: {}
2025-05-13 19:52:49,467 comm.communication             INFO       <18900.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,467 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,469 gym                            INFO       <18900.00> Step reward: 0.0
2025-05-13 19:52:49,470 gym                            INFO       <18900.00> === STARTING STEP ===
2025-05-13 19:52:49,471 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,471 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: setting timed terminal event at 18960.0
2025-05-13 19:52:49,479 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: timed termination at 18960.0 for action_downlink
2025-05-13 19:52:49,479 data.base                      INFO       <18960.00> Total reward: {}
2025-05-13 19:52:49,480 comm.communication             INFO       <18960.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,480 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,482 gym                            INFO       <18960.00> Step reward: 0.0
2025-05-13 19:52:49,482 gym                            INFO       <18960.00> === STARTING STEP ===
2025-05-13 19:52:49,483 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,483 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: setting timed terminal event at 19140.0
2025-05-13 19:52:49,502 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: timed termination at 19140.0 for action_nadir_scan
2025-05-13 19:52:49,503 data.base                      INFO       <19140.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-05-13 19:52:49,503 comm.communication             INFO       <19140.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,504 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,506 gym                            INFO       <19140.00> Step reward: 0.00487719298245614
2025-05-13 19:52:49,506 gym                            INFO       <19140.00> === STARTING STEP ===
2025-05-13 19:52:49,507 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,507 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: setting timed terminal event at 19200.0
2025-05-13 19:52:49,515 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: timed termination at 19200.0 for action_downlink
2025-05-13 19:52:49,515 data.base                      INFO       <19200.00> Total reward: {}
2025-05-13 19:52:49,516 comm.communication             INFO       <19200.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,516 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,518 gym                            INFO       <19200.00> Step reward: 0.0
2025-05-13 19:52:49,519 gym                            INFO       <19200.00> === STARTING STEP ===
2025-05-13 19:52:49,519 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:49,520 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: setting timed terminal event at 19320.0
2025-05-13 19:52:49,532 sats.satellite.Scanner-1       INFO       <19320.00> Scanner-1: timed termination at 19320.0 for action_charge
2025-05-13 19:52:49,533 data.base                      INFO       <19320.00> Total reward: {}
2025-05-13 19:52:49,533 comm.communication             INFO       <19320.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,534 sats.satellite.Scanner-1       INFO       <19320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,536 gym                            INFO       <19320.00> Step reward: 0.0
2025-05-13 19:52:49,536 gym                            INFO       <19320.00> === STARTING STEP ===
2025-05-13 19:52:49,537 sats.satellite.Scanner-1       INFO       <19320.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,537 sats.satellite.Scanner-1       INFO       <19320.00> Scanner-1: setting timed terminal event at 19500.0
2025-05-13 19:52:49,556 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: timed termination at 19500.0 for action_nadir_scan
2025-05-13 19:52:49,556 data.base                      INFO       <19500.00> Total reward: {'Scanner-1': 0.005157894736842105}
2025-05-13 19:52:49,557 comm.communication             INFO       <19500.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,557 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,559 gym                            INFO       <19500.00> Step reward: 0.005157894736842105
2025-05-13 19:52:49,560 gym                            INFO       <19500.00> === STARTING STEP ===
2025-05-13 19:52:49,561 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,562 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: setting timed terminal event at 19560.0
2025-05-13 19:52:49,570 sats.satellite.Scanner-1       INFO       <19560.00> Scanner-1: timed termination at 19560.0 for action_downlink
2025-05-13 19:52:49,570 data.base                      INFO       <19560.00> Total reward: {}
2025-05-13 19:52:49,570 comm.communication             INFO       <19560.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,571 sats.satellite.Scanner-1       INFO       <19560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,573 gym                            INFO       <19560.00> Step reward: 0.0
2025-05-13 19:52:49,573 gym                            INFO       <19560.00> === STARTING STEP ===
2025-05-13 19:52:49,574 sats.satellite.Scanner-1       INFO       <19560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,574 sats.satellite.Scanner-1       INFO       <19560.00> Scanner-1: setting timed terminal event at 19620.0
2025-05-13 19:52:49,582 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: timed termination at 19620.0 for action_desat
2025-05-13 19:52:49,583 data.base                      INFO       <19620.00> Total reward: {}
2025-05-13 19:52:49,583 comm.communication             INFO       <19620.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,583 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,585 gym                            INFO       <19620.00> Step reward: 0.0
2025-05-13 19:52:49,586 gym                            INFO       <19620.00> === STARTING STEP ===
2025-05-13 19:52:49,586 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:49,587 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: setting timed terminal event at 19740.0
2025-05-13 19:52:49,600 sats.satellite.Scanner-1       INFO       <19740.00> Scanner-1: timed termination at 19740.0 for action_charge
2025-05-13 19:52:49,601 data.base                      INFO       <19740.00> Total reward: {}
2025-05-13 19:52:49,601 comm.communication             INFO       <19740.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,602 sats.satellite.Scanner-1       INFO       <19740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,604 gym                            INFO       <19740.00> Step reward: 0.0
2025-05-13 19:52:49,604 gym                            INFO       <19740.00> === STARTING STEP ===
2025-05-13 19:52:49,605 sats.satellite.Scanner-1       INFO       <19740.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,605 sats.satellite.Scanner-1       INFO       <19740.00> Scanner-1: setting timed terminal event at 19920.0
2025-05-13 19:52:49,624 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: timed termination at 19920.0 for action_nadir_scan
2025-05-13 19:52:49,624 data.base                      INFO       <19920.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:49,625 comm.communication             INFO       <19920.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,625 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,627 gym                            INFO       <19920.00> Step reward: 0.004912280701754385
2025-05-13 19:52:49,628 gym                            INFO       <19920.00> === STARTING STEP ===
2025-05-13 19:52:49,628 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,629 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: setting timed terminal event at 20100.0
2025-05-13 19:52:49,648 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: timed termination at 20100.0 for action_nadir_scan
2025-05-13 19:52:49,648 data.base                      INFO       <20100.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:49,649 comm.communication             INFO       <20100.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,649 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,651 gym                            INFO       <20100.00> Step reward: 0.00631578947368421
2025-05-13 19:52:49,651 gym                            INFO       <20100.00> === STARTING STEP ===
2025-05-13 19:52:49,653 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:49,653 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: setting timed terminal event at 20220.0
2025-05-13 19:52:49,666 sats.satellite.Scanner-1       INFO       <20220.00> Scanner-1: timed termination at 20220.0 for action_charge
2025-05-13 19:52:49,666 data.base                      INFO       <20220.00> Total reward: {}
2025-05-13 19:52:49,667 comm.communication             INFO       <20220.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,668 sats.satellite.Scanner-1       INFO       <20220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,669 gym                            INFO       <20220.00> Step reward: 0.0
2025-05-13 19:52:49,670 gym                            INFO       <20220.00> === STARTING STEP ===
2025-05-13 19:52:49,670 sats.satellite.Scanner-1       INFO       <20220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,671 sats.satellite.Scanner-1       INFO       <20220.00> Scanner-1: setting timed terminal event at 20280.0
2025-05-13 19:52:49,678 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: timed termination at 20280.0 for action_downlink
2025-05-13 19:52:49,679 data.base                      INFO       <20280.00> Total reward: {}
2025-05-13 19:52:49,679 comm.communication             INFO       <20280.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,680 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,682 gym                            INFO       <20280.00> Step reward: 0.0
2025-05-13 19:52:49,682 gym                            INFO       <20280.00> === STARTING STEP ===
2025-05-13 19:52:49,683 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,683 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: setting timed terminal event at 20340.0
2025-05-13 19:52:49,691 sats.satellite.Scanner-1       INFO       <20340.00> Scanner-1: timed termination at 20340.0 for action_downlink
2025-05-13 19:52:49,691 data.base                      INFO       <20340.00> Total reward: {}
2025-05-13 19:52:49,692 comm.communication             INFO       <20340.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,693 sats.satellite.Scanner-1       INFO       <20340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,694 gym                            INFO       <20340.00> Step reward: 0.0
2025-05-13 19:52:49,695 gym                            INFO       <20340.00> === STARTING STEP ===
2025-05-13 19:52:49,695 sats.satellite.Scanner-1       INFO       <20340.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,696 sats.satellite.Scanner-1       INFO       <20340.00> Scanner-1: setting timed terminal event at 20520.0
2025-05-13 19:52:49,715 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: timed termination at 20520.0 for action_nadir_scan
2025-05-13 19:52:49,715 data.base                      INFO       <20520.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:49,716 comm.communication             INFO       <20520.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,716 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,718 gym                            INFO       <20520.00> Step reward: 0.004912280701754385
2025-05-13 19:52:49,719 gym                            INFO       <20520.00> === STARTING STEP ===
2025-05-13 19:52:49,719 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,719 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: setting timed terminal event at 20700.0
2025-05-13 19:52:49,738 sats.satellite.Scanner-1       INFO       <20700.00> Scanner-1: timed termination at 20700.0 for action_nadir_scan
2025-05-13 19:52:49,739 data.base                      INFO       <20700.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:49,739 comm.communication             INFO       <20700.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,740 sats.satellite.Scanner-1       INFO       <20700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,741 gym                            INFO       <20700.00> Step reward: 0.00631578947368421
2025-05-13 19:52:49,742 gym                            INFO       <20700.00> === STARTING STEP ===
2025-05-13 19:52:49,743 sats.satellite.Scanner-1       INFO       <20700.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,743 sats.satellite.Scanner-1       INFO       <20700.00> Scanner-1: setting timed terminal event at 20880.0
2025-05-13 19:52:49,762 sats.satellite.Scanner-1       INFO       <20880.00> Scanner-1: timed termination at 20880.0 for action_nadir_scan
2025-05-13 19:52:49,763 data.base                      INFO       <20880.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:49,763 comm.communication             INFO       <20880.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,764 sats.satellite.Scanner-1       INFO       <20880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,765 gym                            INFO       <20880.00> Step reward: 0.00631578947368421
2025-05-13 19:52:49,766 gym                            INFO       <20880.00> === STARTING STEP ===
2025-05-13 19:52:49,767 sats.satellite.Scanner-1       INFO       <20880.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,767 sats.satellite.Scanner-1       INFO       <20880.00> Scanner-1: setting timed terminal event at 21060.0
2025-05-13 19:52:49,786 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: timed termination at 21060.0 for action_nadir_scan
2025-05-13 19:52:49,787 data.base                      INFO       <21060.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:49,787 comm.communication             INFO       <21060.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,788 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,790 gym                            INFO       <21060.00> Step reward: 0.00631578947368421
2025-05-13 19:52:49,790 gym                            INFO       <21060.00> === STARTING STEP ===
2025-05-13 19:52:49,791 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,791 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: setting timed terminal event at 21240.0
2025-05-13 19:52:49,810 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: timed termination at 21240.0 for action_nadir_scan
2025-05-13 19:52:49,810 data.base                      INFO       <21240.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:49,811 comm.communication             INFO       <21240.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,811 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,813 gym                            INFO       <21240.00> Step reward: 0.00631578947368421
2025-05-13 19:52:49,814 gym                            INFO       <21240.00> === STARTING STEP ===
2025-05-13 19:52:49,814 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,815 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: setting timed terminal event at 21300.0
2025-05-13 19:52:49,823 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: timed termination at 21300.0 for action_desat
2025-05-13 19:52:49,823 data.base                      INFO       <21300.00> Total reward: {}
2025-05-13 19:52:49,824 comm.communication             INFO       <21300.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,824 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,826 gym                            INFO       <21300.00> Step reward: 0.0
2025-05-13 19:52:49,827 gym                            INFO       <21300.00> === STARTING STEP ===
2025-05-13 19:52:49,827 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,828 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: setting timed terminal event at 21360.0
2025-05-13 19:52:49,835 sats.satellite.Scanner-1       INFO       <21360.00> Scanner-1: timed termination at 21360.0 for action_downlink
2025-05-13 19:52:49,836 data.base                      INFO       <21360.00> Total reward: {}
2025-05-13 19:52:49,836 comm.communication             INFO       <21360.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,836 sats.satellite.Scanner-1       INFO       <21360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,838 gym                            INFO       <21360.00> Step reward: 0.0
2025-05-13 19:52:49,839 gym                            INFO       <21360.00> === STARTING STEP ===
2025-05-13 19:52:49,839 sats.satellite.Scanner-1       INFO       <21360.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,840 sats.satellite.Scanner-1       INFO       <21360.00> Scanner-1: setting timed terminal event at 21420.0
2025-05-13 19:52:49,847 sats.satellite.Scanner-1       INFO       <21420.00> Scanner-1: timed termination at 21420.0 for action_downlink
2025-05-13 19:52:49,847 data.base                      INFO       <21420.00> Total reward: {}
2025-05-13 19:52:49,848 comm.communication             INFO       <21420.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,848 sats.satellite.Scanner-1       INFO       <21420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,850 gym                            INFO       <21420.00> Step reward: 0.0
2025-05-13 19:52:49,851 gym                            INFO       <21420.00> === STARTING STEP ===
2025-05-13 19:52:49,851 sats.satellite.Scanner-1       INFO       <21420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,852 sats.satellite.Scanner-1       INFO       <21420.00> Scanner-1: setting timed terminal event at 21480.0
2025-05-13 19:52:49,859 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: timed termination at 21480.0 for action_desat
2025-05-13 19:52:49,860 data.base                      INFO       <21480.00> Total reward: {}
2025-05-13 19:52:49,860 comm.communication             INFO       <21480.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,861 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,862 gym                            INFO       <21480.00> Step reward: 0.0
2025-05-13 19:52:49,863 gym                            INFO       <21480.00> === STARTING STEP ===
2025-05-13 19:52:49,864 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,864 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: setting timed terminal event at 21540.0
2025-05-13 19:52:49,871 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: timed termination at 21540.0 for action_downlink
2025-05-13 19:52:49,872 data.base                      INFO       <21540.00> Total reward: {}
2025-05-13 19:52:49,873 comm.communication             INFO       <21540.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,873 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,875 gym                            INFO       <21540.00> Step reward: 0.0
2025-05-13 19:52:49,875 gym                            INFO       <21540.00> === STARTING STEP ===
2025-05-13 19:52:49,876 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,876 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: setting timed terminal event at 21600.0
2025-05-13 19:52:49,885 sats.satellite.Scanner-1       INFO       <21600.00> Scanner-1: timed termination at 21600.0 for action_downlink
2025-05-13 19:52:49,885 data.base                      INFO       <21600.00> Total reward: {}
2025-05-13 19:52:49,886 comm.communication             INFO       <21600.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,886 sats.satellite.Scanner-1       INFO       <21600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,888 gym                            INFO       <21600.00> Step reward: 0.0
2025-05-13 19:52:49,889 gym                            INFO       <21600.00> === STARTING STEP ===
2025-05-13 19:52:49,889 sats.satellite.Scanner-1       INFO       <21600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:49,890 sats.satellite.Scanner-1       INFO       <21600.00> Scanner-1: setting timed terminal event at 21660.0
2025-05-13 19:52:49,899 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: timed termination at 21660.0 for action_desat
2025-05-13 19:52:49,899 data.base                      INFO       <21660.00> Total reward: {}
2025-05-13 19:52:49,899 comm.communication             INFO       <21660.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,900 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,902 gym                            INFO       <21660.00> Step reward: 0.0
2025-05-13 19:52:49,902 gym                            INFO       <21660.00> === STARTING STEP ===
2025-05-13 19:52:49,903 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,903 sats.satellite.Scanner-1       INFO       <21660.00> Scanner-1: setting timed terminal event at 21720.0
2025-05-13 19:52:49,912 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: timed termination at 21720.0 for action_downlink
2025-05-13 19:52:49,912 data.base                      INFO       <21720.00> Total reward: {}
2025-05-13 19:52:49,913 comm.communication             INFO       <21720.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,914 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,915 gym                            INFO       <21720.00> Step reward: 0.0
2025-05-13 19:52:49,916 gym                            INFO       <21720.00> === STARTING STEP ===
2025-05-13 19:52:49,916 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,917 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: setting timed terminal event at 21900.0
2025-05-13 19:52:49,939 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: timed termination at 21900.0 for action_nadir_scan
2025-05-13 19:52:49,940 data.base                      INFO       <21900.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:49,940 comm.communication             INFO       <21900.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,941 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,943 gym                            INFO       <21900.00> Step reward: 0.004912280701754385
2025-05-13 19:52:49,943 gym                            INFO       <21900.00> === STARTING STEP ===
2025-05-13 19:52:49,944 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:49,944 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: setting timed terminal event at 22080.0
2025-05-13 19:52:49,963 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: timed termination at 22080.0 for action_nadir_scan
2025-05-13 19:52:49,963 data.base                      INFO       <22080.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:49,964 comm.communication             INFO       <22080.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,964 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,966 gym                            INFO       <22080.00> Step reward: 0.00631578947368421
2025-05-13 19:52:49,967 gym                            INFO       <22080.00> === STARTING STEP ===
2025-05-13 19:52:49,967 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:49,968 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: setting timed terminal event at 22140.0
2025-05-13 19:52:49,976 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: timed termination at 22140.0 for action_downlink
2025-05-13 19:52:49,977 data.base                      INFO       <22140.00> Total reward: {}
2025-05-13 19:52:49,978 comm.communication             INFO       <22140.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,978 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:49,980 gym                            INFO       <22140.00> Step reward: 0.0
2025-05-13 19:52:49,981 gym                            INFO       <22140.00> === STARTING STEP ===
2025-05-13 19:52:49,981 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:49,982 sats.satellite.Scanner-1       INFO       <22140.00> Scanner-1: setting timed terminal event at 22260.0
2025-05-13 19:52:49,997 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: timed termination at 22260.0 for action_charge
2025-05-13 19:52:49,997 data.base                      INFO       <22260.00> Total reward: {}
2025-05-13 19:52:49,998 comm.communication             INFO       <22260.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:49,999 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,001 gym                            INFO       <22260.00> Step reward: 0.0
2025-05-13 19:52:50,001 gym                            INFO       <22260.00> === STARTING STEP ===
2025-05-13 19:52:50,002 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:50,002 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: setting timed terminal event at 22320.0
2025-05-13 19:52:50,011 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: timed termination at 22320.0 for action_downlink
2025-05-13 19:52:50,011 data.base                      INFO       <22320.00> Total reward: {}
2025-05-13 19:52:50,012 comm.communication             INFO       <22320.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,012 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,014 gym                            INFO       <22320.00> Step reward: 0.0
2025-05-13 19:52:50,015 gym                            INFO       <22320.00> === STARTING STEP ===
2025-05-13 19:52:50,015 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,015 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: setting timed terminal event at 22440.0
2025-05-13 19:52:50,031 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: timed termination at 22440.0 for action_charge
2025-05-13 19:52:50,031 data.base                      INFO       <22440.00> Total reward: {}
2025-05-13 19:52:50,032 comm.communication             INFO       <22440.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,032 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,034 gym                            INFO       <22440.00> Step reward: 0.0
2025-05-13 19:52:50,035 gym                            INFO       <22440.00> === STARTING STEP ===
2025-05-13 19:52:50,035 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:50,036 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: setting timed terminal event at 22500.0
2025-05-13 19:52:50,044 sats.satellite.Scanner-1       INFO       <22500.00> Scanner-1: timed termination at 22500.0 for action_desat
2025-05-13 19:52:50,044 data.base                      INFO       <22500.00> Total reward: {}
2025-05-13 19:52:50,045 comm.communication             INFO       <22500.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,045 sats.satellite.Scanner-1       INFO       <22500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,047 gym                            INFO       <22500.00> Step reward: 0.0
2025-05-13 19:52:50,048 gym                            INFO       <22500.00> === STARTING STEP ===
2025-05-13 19:52:50,048 sats.satellite.Scanner-1       INFO       <22500.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:50,049 sats.satellite.Scanner-1       INFO       <22500.00> Scanner-1: setting timed terminal event at 22560.0
2025-05-13 19:52:50,057 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: timed termination at 22560.0 for action_downlink
2025-05-13 19:52:50,058 data.base                      INFO       <22560.00> Total reward: {}
2025-05-13 19:52:50,058 comm.communication             INFO       <22560.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,059 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,061 gym                            INFO       <22560.00> Step reward: 0.0
2025-05-13 19:52:50,061 gym                            INFO       <22560.00> === STARTING STEP ===
2025-05-13 19:52:50,062 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:50,062 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: setting timed terminal event at 22620.0
2025-05-13 19:52:50,070 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: timed termination at 22620.0 for action_desat
2025-05-13 19:52:50,070 data.base                      INFO       <22620.00> Total reward: {}
2025-05-13 19:52:50,071 comm.communication             INFO       <22620.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,071 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,074 gym                            INFO       <22620.00> Step reward: 0.0
2025-05-13 19:52:50,074 gym                            INFO       <22620.00> === STARTING STEP ===
2025-05-13 19:52:50,075 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:50,075 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: setting timed terminal event at 22680.0
2025-05-13 19:52:50,083 sats.satellite.Scanner-1       INFO       <22680.00> Scanner-1: timed termination at 22680.0 for action_downlink
2025-05-13 19:52:50,083 data.base                      INFO       <22680.00> Total reward: {}
2025-05-13 19:52:50,084 comm.communication             INFO       <22680.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,084 sats.satellite.Scanner-1       INFO       <22680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,086 gym                            INFO       <22680.00> Step reward: 0.0
2025-05-13 19:52:50,087 gym                            INFO       <22680.00> === STARTING STEP ===
2025-05-13 19:52:50,087 sats.satellite.Scanner-1       INFO       <22680.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:50,088 sats.satellite.Scanner-1       INFO       <22680.00> Scanner-1: setting timed terminal event at 22740.0
2025-05-13 19:52:50,096 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: timed termination at 22740.0 for action_desat
2025-05-13 19:52:50,097 data.base                      INFO       <22740.00> Total reward: {}
2025-05-13 19:52:50,097 comm.communication             INFO       <22740.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,098 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,100 gym                            INFO       <22740.00> Step reward: 0.0
2025-05-13 19:52:50,100 gym                            INFO       <22740.00> === STARTING STEP ===
2025-05-13 19:52:50,101 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,101 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: setting timed terminal event at 22860.0
2025-05-13 19:52:50,114 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: timed termination at 22860.0 for action_charge
2025-05-13 19:52:50,115 data.base                      INFO       <22860.00> Total reward: {}
2025-05-13 19:52:50,115 comm.communication             INFO       <22860.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,116 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,117 gym                            INFO       <22860.00> Step reward: 0.0
2025-05-13 19:52:50,118 gym                            INFO       <22860.00> === STARTING STEP ===
2025-05-13 19:52:50,118 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:50,119 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: setting timed terminal event at 22920.0
2025-05-13 19:52:50,126 sats.satellite.Scanner-1       INFO       <22920.00> Scanner-1: timed termination at 22920.0 for action_desat
2025-05-13 19:52:50,127 data.base                      INFO       <22920.00> Total reward: {}
2025-05-13 19:52:50,127 comm.communication             INFO       <22920.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,128 sats.satellite.Scanner-1       INFO       <22920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,130 gym                            INFO       <22920.00> Step reward: 0.0
2025-05-13 19:52:50,130 gym                            INFO       <22920.00> === STARTING STEP ===
2025-05-13 19:52:50,131 sats.satellite.Scanner-1       INFO       <22920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,131 sats.satellite.Scanner-1       INFO       <22920.00> Scanner-1: setting timed terminal event at 23040.0
2025-05-13 19:52:50,144 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: timed termination at 23040.0 for action_charge
2025-05-13 19:52:50,145 data.base                      INFO       <23040.00> Total reward: {}
2025-05-13 19:52:50,145 comm.communication             INFO       <23040.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,146 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,148 gym                            INFO       <23040.00> Step reward: 0.0
2025-05-13 19:52:50,149 gym                            INFO       <23040.00> === STARTING STEP ===
2025-05-13 19:52:50,149 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,150 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: setting timed terminal event at 23160.0
2025-05-13 19:52:50,162 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: timed termination at 23160.0 for action_charge
2025-05-13 19:52:50,163 data.base                      INFO       <23160.00> Total reward: {}
2025-05-13 19:52:50,163 comm.communication             INFO       <23160.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,164 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,166 gym                            INFO       <23160.00> Step reward: 0.0
2025-05-13 19:52:50,166 gym                            INFO       <23160.00> === STARTING STEP ===
2025-05-13 19:52:50,167 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,167 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: setting timed terminal event at 23280.0
2025-05-13 19:52:50,180 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: timed termination at 23280.0 for action_charge
2025-05-13 19:52:50,181 data.base                      INFO       <23280.00> Total reward: {}
2025-05-13 19:52:50,181 comm.communication             INFO       <23280.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,182 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,184 gym                            INFO       <23280.00> Step reward: 0.0
2025-05-13 19:52:50,185 gym                            INFO       <23280.00> === STARTING STEP ===
2025-05-13 19:52:50,185 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:50,185 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: setting timed terminal event at 23340.0
2025-05-13 19:52:50,193 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: timed termination at 23340.0 for action_downlink
2025-05-13 19:52:50,193 data.base                      INFO       <23340.00> Total reward: {}
2025-05-13 19:52:50,194 comm.communication             INFO       <23340.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,194 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,196 gym                            INFO       <23340.00> Step reward: 0.0
2025-05-13 19:52:50,197 gym                            INFO       <23340.00> === STARTING STEP ===
2025-05-13 19:52:50,197 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:50,198 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: setting timed terminal event at 23400.0
2025-05-13 19:52:50,205 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: timed termination at 23400.0 for action_downlink
2025-05-13 19:52:50,206 data.base                      INFO       <23400.00> Total reward: {}
2025-05-13 19:52:50,206 comm.communication             INFO       <23400.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,207 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,209 gym                            INFO       <23400.00> Step reward: 0.0
2025-05-13 19:52:50,209 gym                            INFO       <23400.00> === STARTING STEP ===
2025-05-13 19:52:50,210 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:50,211 sats.satellite.Scanner-1       INFO       <23400.00> Scanner-1: setting timed terminal event at 23580.0
2025-05-13 19:52:50,229 sats.satellite.Scanner-1       INFO       <23580.00> Scanner-1: timed termination at 23580.0 for action_nadir_scan
2025-05-13 19:52:50,229 data.base                      INFO       <23580.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:50,230 comm.communication             INFO       <23580.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,230 sats.satellite.Scanner-1       INFO       <23580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,232 gym                            INFO       <23580.00> Step reward: 0.004912280701754385
2025-05-13 19:52:50,233 gym                            INFO       <23580.00> === STARTING STEP ===
2025-05-13 19:52:50,234 sats.satellite.Scanner-1       INFO       <23580.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,235 sats.satellite.Scanner-1       INFO       <23580.00> Scanner-1: setting timed terminal event at 23700.0
2025-05-13 19:52:50,248 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: timed termination at 23700.0 for action_charge
2025-05-13 19:52:50,248 data.base                      INFO       <23700.00> Total reward: {}
2025-05-13 19:52:50,249 comm.communication             INFO       <23700.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,249 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,251 gym                            INFO       <23700.00> Step reward: 0.0
2025-05-13 19:52:50,251 gym                            INFO       <23700.00> === STARTING STEP ===
2025-05-13 19:52:50,252 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,252 sats.satellite.Scanner-1       INFO       <23700.00> Scanner-1: setting timed terminal event at 23820.0
2025-05-13 19:52:50,268 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: timed termination at 23820.0 for action_charge
2025-05-13 19:52:50,269 data.base                      INFO       <23820.00> Total reward: {}
2025-05-13 19:52:50,269 comm.communication             INFO       <23820.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,270 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,272 gym                            INFO       <23820.00> Step reward: 0.0
2025-05-13 19:52:50,273 gym                            INFO       <23820.00> === STARTING STEP ===
2025-05-13 19:52:50,273 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:50,274 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: setting timed terminal event at 23880.0
2025-05-13 19:52:50,282 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: timed termination at 23880.0 for action_downlink
2025-05-13 19:52:50,283 data.base                      INFO       <23880.00> Total reward: {}
2025-05-13 19:52:50,283 comm.communication             INFO       <23880.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,284 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,285 gym                            INFO       <23880.00> Step reward: 0.0
2025-05-13 19:52:50,286 gym                            INFO       <23880.00> === STARTING STEP ===
2025-05-13 19:52:50,286 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:50,287 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: setting timed terminal event at 23940.0
2025-05-13 19:52:50,294 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: timed termination at 23940.0 for action_downlink
2025-05-13 19:52:50,295 data.base                      INFO       <23940.00> Total reward: {}
2025-05-13 19:52:50,296 comm.communication             INFO       <23940.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,296 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,298 gym                            INFO       <23940.00> Step reward: 0.0
2025-05-13 19:52:50,298 gym                            INFO       <23940.00> === STARTING STEP ===
2025-05-13 19:52:50,299 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:50,299 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: setting timed terminal event at 24000.0
2025-05-13 19:52:50,307 sats.satellite.Scanner-1       INFO       <24000.00> Scanner-1: timed termination at 24000.0 for action_desat
2025-05-13 19:52:50,307 data.base                      INFO       <24000.00> Total reward: {}
2025-05-13 19:52:50,308 comm.communication             INFO       <24000.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,308 sats.satellite.Scanner-1       INFO       <24000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,310 gym                            INFO       <24000.00> Step reward: 0.0
2025-05-13 19:52:50,310 gym                            INFO       <24000.00> === STARTING STEP ===
2025-05-13 19:52:50,311 sats.satellite.Scanner-1       INFO       <24000.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,311 sats.satellite.Scanner-1       INFO       <24000.00> Scanner-1: setting timed terminal event at 24120.0
2025-05-13 19:52:50,327 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: timed termination at 24120.0 for action_charge
2025-05-13 19:52:50,327 data.base                      INFO       <24120.00> Total reward: {}
2025-05-13 19:52:50,328 comm.communication             INFO       <24120.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,328 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,330 gym                            INFO       <24120.00> Step reward: 0.0
2025-05-13 19:52:50,331 gym                            INFO       <24120.00> === STARTING STEP ===
2025-05-13 19:52:50,331 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:50,332 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: setting timed terminal event at 24300.0
2025-05-13 19:52:50,350 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: timed termination at 24300.0 for action_nadir_scan
2025-05-13 19:52:50,351 data.base                      INFO       <24300.00> Total reward: {'Scanner-1': 0.0058947368421052625}
2025-05-13 19:52:50,351 comm.communication             INFO       <24300.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,352 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,354 gym                            INFO       <24300.00> Step reward: 0.0058947368421052625
2025-05-13 19:52:50,354 gym                            INFO       <24300.00> === STARTING STEP ===
2025-05-13 19:52:50,355 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,355 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: setting timed terminal event at 24420.0
2025-05-13 19:52:50,368 sats.satellite.Scanner-1       INFO       <24420.00> Scanner-1: timed termination at 24420.0 for action_charge
2025-05-13 19:52:50,368 data.base                      INFO       <24420.00> Total reward: {}
2025-05-13 19:52:50,369 comm.communication             INFO       <24420.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,370 sats.satellite.Scanner-1       INFO       <24420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,371 gym                            INFO       <24420.00> Step reward: 0.0
2025-05-13 19:52:50,372 gym                            INFO       <24420.00> === STARTING STEP ===
2025-05-13 19:52:50,372 sats.satellite.Scanner-1       INFO       <24420.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:50,372 sats.satellite.Scanner-1       INFO       <24420.00> Scanner-1: setting timed terminal event at 24600.0
2025-05-13 19:52:50,392 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: timed termination at 24600.0 for action_nadir_scan
2025-05-13 19:52:50,392 data.base                      INFO       <24600.00> Total reward: {'Scanner-1': 0.005614035087719298}
2025-05-13 19:52:50,393 comm.communication             INFO       <24600.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,393 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,395 gym                            INFO       <24600.00> Step reward: 0.005614035087719298
2025-05-13 19:52:50,396 gym                            INFO       <24600.00> === STARTING STEP ===
2025-05-13 19:52:50,396 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:50,397 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: setting timed terminal event at 24660.0
2025-05-13 19:52:50,404 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: timed termination at 24660.0 for action_desat
2025-05-13 19:52:50,405 data.base                      INFO       <24660.00> Total reward: {}
2025-05-13 19:52:50,405 comm.communication             INFO       <24660.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,406 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,408 gym                            INFO       <24660.00> Step reward: 0.0
2025-05-13 19:52:50,408 gym                            INFO       <24660.00> === STARTING STEP ===
2025-05-13 19:52:50,409 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:50,409 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: setting timed terminal event at 24720.0
2025-05-13 19:52:50,417 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: timed termination at 24720.0 for action_desat
2025-05-13 19:52:50,417 data.base                      INFO       <24720.00> Total reward: {}
2025-05-13 19:52:50,418 comm.communication             INFO       <24720.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,418 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,420 gym                            INFO       <24720.00> Step reward: 0.0
2025-05-13 19:52:50,421 gym                            INFO       <24720.00> === STARTING STEP ===
2025-05-13 19:52:50,421 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:50,422 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: setting timed terminal event at 24780.0
2025-05-13 19:52:50,429 sats.satellite.Scanner-1       INFO       <24780.00> Scanner-1: timed termination at 24780.0 for action_downlink
2025-05-13 19:52:50,430 data.base                      INFO       <24780.00> Total reward: {}
2025-05-13 19:52:50,430 comm.communication             INFO       <24780.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,431 sats.satellite.Scanner-1       INFO       <24780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,432 gym                            INFO       <24780.00> Step reward: 0.0
2025-05-13 19:52:50,433 gym                            INFO       <24780.00> === STARTING STEP ===
2025-05-13 19:52:50,434 sats.satellite.Scanner-1       INFO       <24780.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:50,434 sats.satellite.Scanner-1       INFO       <24780.00> Scanner-1: setting timed terminal event at 24840.0
2025-05-13 19:52:50,442 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: timed termination at 24840.0 for action_downlink
2025-05-13 19:52:50,443 data.base                      INFO       <24840.00> Total reward: {}
2025-05-13 19:52:50,444 comm.communication             INFO       <24840.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,444 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,445 gym                            INFO       <24840.00> Step reward: 0.0
2025-05-13 19:52:50,446 gym                            INFO       <24840.00> === STARTING STEP ===
2025-05-13 19:52:50,447 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:50,447 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: setting timed terminal event at 24900.0
2025-05-13 19:52:50,455 sats.satellite.Scanner-1       INFO       <24900.00> Scanner-1: timed termination at 24900.0 for action_desat
2025-05-13 19:52:50,456 data.base                      INFO       <24900.00> Total reward: {}
2025-05-13 19:52:50,456 comm.communication             INFO       <24900.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,457 sats.satellite.Scanner-1       INFO       <24900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,458 gym                            INFO       <24900.00> Step reward: 0.0
2025-05-13 19:52:50,459 gym                            INFO       <24900.00> === STARTING STEP ===
2025-05-13 19:52:50,459 sats.satellite.Scanner-1       INFO       <24900.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:50,460 sats.satellite.Scanner-1       INFO       <24900.00> Scanner-1: setting timed terminal event at 24960.0
2025-05-13 19:52:50,468 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: timed termination at 24960.0 for action_desat
2025-05-13 19:52:50,468 data.base                      INFO       <24960.00> Total reward: {}
2025-05-13 19:52:50,469 comm.communication             INFO       <24960.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,469 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,471 gym                            INFO       <24960.00> Step reward: 0.0
2025-05-13 19:52:50,472 gym                            INFO       <24960.00> === STARTING STEP ===
2025-05-13 19:52:50,472 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:50,473 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: setting timed terminal event at 25140.0
2025-05-13 19:52:50,492 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: timed termination at 25140.0 for action_nadir_scan
2025-05-13 19:52:50,492 data.base                      INFO       <25140.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:50,492 comm.communication             INFO       <25140.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,493 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,494 gym                            INFO       <25140.00> Step reward: 0.004912280701754385
2025-05-13 19:52:50,495 gym                            INFO       <25140.00> === STARTING STEP ===
2025-05-13 19:52:50,496 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,496 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: setting timed terminal event at 25260.0
2025-05-13 19:52:50,510 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: timed termination at 25260.0 for action_charge
2025-05-13 19:52:50,510 data.base                      INFO       <25260.00> Total reward: {}
2025-05-13 19:52:50,511 comm.communication             INFO       <25260.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,512 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,513 gym                            INFO       <25260.00> Step reward: 0.0
2025-05-13 19:52:50,514 gym                            INFO       <25260.00> === STARTING STEP ===
2025-05-13 19:52:50,514 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:50,515 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: setting timed terminal event at 25440.0
2025-05-13 19:52:50,534 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: timed termination at 25440.0 for action_nadir_scan
2025-05-13 19:52:50,534 data.base                      INFO       <25440.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-05-13 19:52:50,535 comm.communication             INFO       <25440.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,535 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,537 gym                            INFO       <25440.00> Step reward: 0.0049824561403508764
2025-05-13 19:52:50,538 gym                            INFO       <25440.00> === STARTING STEP ===
2025-05-13 19:52:50,538 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:50,539 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: setting timed terminal event at 25620.0
2025-05-13 19:52:50,557 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: timed termination at 25620.0 for action_nadir_scan
2025-05-13 19:52:50,558 data.base                      INFO       <25620.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-13 19:52:50,559 comm.communication             INFO       <25620.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,559 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,561 gym                            INFO       <25620.00> Step reward: 0.00631578947368421
2025-05-13 19:52:50,561 gym                            INFO       <25620.00> === STARTING STEP ===
2025-05-13 19:52:50,562 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:50,562 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: setting timed terminal event at 25680.0
2025-05-13 19:52:50,570 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: timed termination at 25680.0 for action_downlink
2025-05-13 19:52:50,570 data.base                      INFO       <25680.00> Total reward: {}
2025-05-13 19:52:50,571 comm.communication             INFO       <25680.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,571 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,588 gym                            INFO       <25680.00> Step reward: 0.0
2025-05-13 19:52:50,588 gym                            INFO       <25680.00> === STARTING STEP ===
2025-05-13 19:52:50,589 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,590 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: setting timed terminal event at 25800.0
2025-05-13 19:52:50,603 sats.satellite.Scanner-1       INFO       <25800.00> Scanner-1: timed termination at 25800.0 for action_charge
2025-05-13 19:52:50,604 data.base                      INFO       <25800.00> Total reward: {}
2025-05-13 19:52:50,604 comm.communication             INFO       <25800.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,605 sats.satellite.Scanner-1       INFO       <25800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,606 gym                            INFO       <25800.00> Step reward: 0.0
2025-05-13 19:52:50,607 gym                            INFO       <25800.00> === STARTING STEP ===
2025-05-13 19:52:50,607 sats.satellite.Scanner-1       INFO       <25800.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:50,608 sats.satellite.Scanner-1       INFO       <25800.00> Scanner-1: setting timed terminal event at 25860.0
2025-05-13 19:52:50,616 sats.satellite.Scanner-1       INFO       <25860.00> Scanner-1: timed termination at 25860.0 for action_downlink
2025-05-13 19:52:50,616 data.base                      INFO       <25860.00> Total reward: {}
2025-05-13 19:52:50,617 comm.communication             INFO       <25860.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,617 sats.satellite.Scanner-1       INFO       <25860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,619 gym                            INFO       <25860.00> Step reward: 0.0
2025-05-13 19:52:50,620 gym                            INFO       <25860.00> === STARTING STEP ===
2025-05-13 19:52:50,620 sats.satellite.Scanner-1       INFO       <25860.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,621 sats.satellite.Scanner-1       INFO       <25860.00> Scanner-1: setting timed terminal event at 25980.0
2025-05-13 19:52:50,634 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: timed termination at 25980.0 for action_charge
2025-05-13 19:52:50,634 data.base                      INFO       <25980.00> Total reward: {}
2025-05-13 19:52:50,635 comm.communication             INFO       <25980.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,635 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,637 gym                            INFO       <25980.00> Step reward: 0.0
2025-05-13 19:52:50,637 gym                            INFO       <25980.00> === STARTING STEP ===
2025-05-13 19:52:50,638 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,638 sats.satellite.Scanner-1       INFO       <25980.00> Scanner-1: setting timed terminal event at 26100.0
2025-05-13 19:52:50,652 sats.satellite.Scanner-1       INFO       <26100.00> Scanner-1: timed termination at 26100.0 for action_charge
2025-05-13 19:52:50,652 data.base                      INFO       <26100.00> Total reward: {}
2025-05-13 19:52:50,653 comm.communication             INFO       <26100.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,653 sats.satellite.Scanner-1       INFO       <26100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,655 gym                            INFO       <26100.00> Step reward: 0.0
2025-05-13 19:52:50,656 gym                            INFO       <26100.00> === STARTING STEP ===
2025-05-13 19:52:50,656 sats.satellite.Scanner-1       INFO       <26100.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:50,656 sats.satellite.Scanner-1       INFO       <26100.00> Scanner-1: setting timed terminal event at 26280.0
2025-05-13 19:52:50,676 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: timed termination at 26280.0 for action_nadir_scan
2025-05-13 19:52:50,676 data.base                      INFO       <26280.00> Total reward: {'Scanner-1': 0.004631578947368421}
2025-05-13 19:52:50,677 comm.communication             INFO       <26280.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,677 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,679 gym                            INFO       <26280.00> Step reward: 0.004631578947368421
2025-05-13 19:52:50,680 gym                            INFO       <26280.00> === STARTING STEP ===
2025-05-13 19:52:50,680 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,681 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: setting timed terminal event at 26400.0
2025-05-13 19:52:50,694 sats.satellite.Scanner-1       INFO       <26400.00> Scanner-1: timed termination at 26400.0 for action_charge
2025-05-13 19:52:50,694 data.base                      INFO       <26400.00> Total reward: {}
2025-05-13 19:52:50,695 comm.communication             INFO       <26400.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,695 sats.satellite.Scanner-1       INFO       <26400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,697 gym                            INFO       <26400.00> Step reward: 0.0
2025-05-13 19:52:50,697 gym                            INFO       <26400.00> === STARTING STEP ===
2025-05-13 19:52:50,698 sats.satellite.Scanner-1       INFO       <26400.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:50,698 sats.satellite.Scanner-1       INFO       <26400.00> Scanner-1: setting timed terminal event at 26580.0
2025-05-13 19:52:50,717 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: timed termination at 26580.0 for action_nadir_scan
2025-05-13 19:52:50,718 data.base                      INFO       <26580.00> Total reward: {'Scanner-1': 0.004631578947368421}
2025-05-13 19:52:50,718 comm.communication             INFO       <26580.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,719 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,721 gym                            INFO       <26580.00> Step reward: 0.004631578947368421
2025-05-13 19:52:50,722 gym                            INFO       <26580.00> === STARTING STEP ===
2025-05-13 19:52:50,722 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:50,722 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: setting timed terminal event at 26640.0
2025-05-13 19:52:50,731 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: timed termination at 26640.0 for action_desat
2025-05-13 19:52:50,732 data.base                      INFO       <26640.00> Total reward: {}
2025-05-13 19:52:50,732 comm.communication             INFO       <26640.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,733 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,734 gym                            INFO       <26640.00> Step reward: 0.0
2025-05-13 19:52:50,735 gym                            INFO       <26640.00> === STARTING STEP ===
2025-05-13 19:52:50,735 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-13 19:52:50,736 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: setting timed terminal event at 26700.0
2025-05-13 19:52:50,744 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: timed termination at 26700.0 for action_downlink
2025-05-13 19:52:50,745 data.base                      INFO       <26700.00> Total reward: {}
2025-05-13 19:52:50,745 comm.communication             INFO       <26700.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,746 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,748 gym                            INFO       <26700.00> Step reward: 0.0
2025-05-13 19:52:50,748 gym                            INFO       <26700.00> === STARTING STEP ===
2025-05-13 19:52:50,749 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:50,750 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: setting timed terminal event at 26760.0
2025-05-13 19:52:50,757 sats.satellite.Scanner-1       INFO       <26760.00> Scanner-1: timed termination at 26760.0 for action_desat
2025-05-13 19:52:50,757 data.base                      INFO       <26760.00> Total reward: {}
2025-05-13 19:52:50,758 comm.communication             INFO       <26760.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,758 sats.satellite.Scanner-1       INFO       <26760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,760 gym                            INFO       <26760.00> Step reward: 0.0
2025-05-13 19:52:50,761 gym                            INFO       <26760.00> === STARTING STEP ===
2025-05-13 19:52:50,762 sats.satellite.Scanner-1       INFO       <26760.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-13 19:52:50,762 sats.satellite.Scanner-1       INFO       <26760.00> Scanner-1: setting timed terminal event at 26940.0
2025-05-13 19:52:50,781 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: timed termination at 26940.0 for action_nadir_scan
2025-05-13 19:52:50,781 data.base                      INFO       <26940.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-13 19:52:50,782 comm.communication             INFO       <26940.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,782 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,784 gym                            INFO       <26940.00> Step reward: 0.004912280701754385
2025-05-13 19:52:50,785 gym                            INFO       <26940.00> === STARTING STEP ===
2025-05-13 19:52:50,785 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-13 19:52:50,786 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: setting timed terminal event at 27000.0
2025-05-13 19:52:50,794 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: timed termination at 27000.0 for action_desat
2025-05-13 19:52:50,794 data.base                      INFO       <27000.00> Total reward: {}
2025-05-13 19:52:50,794 comm.communication             INFO       <27000.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,795 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,797 gym                            INFO       <27000.00> Step reward: 0.0
2025-05-13 19:52:50,798 gym                            INFO       <27000.00> === STARTING STEP ===
2025-05-13 19:52:50,798 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-13 19:52:50,799 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: setting timed terminal event at 27120.0
2025-05-13 19:52:50,812 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: timed termination at 27120.0 for action_charge
2025-05-13 19:52:50,812 data.base                      INFO       <27120.00> Total reward: {}
2025-05-13 19:52:50,813 comm.communication             INFO       <27120.00> Optimizing data communication between all pairs of satellites
2025-05-13 19:52:50,813 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-13 19:52:50,815 sats.satellite.Scanner-1       WARNING    <27120.00> Scanner-1: failed battery_valid check
2025-05-13 19:52:50,815 gym                            INFO       <27120.00> Step reward: -1.0
2025-05-13 19:52:50,816 gym                            INFO       <27120.00> Episode terminated: True
2025-05-13 19:52:50,816 gym                            INFO       <27120.00> Episode truncated: False