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

Tune Status

Current time:2025-07-24 00:12:28
Running for: 00:00:43.56
Memory: 4.4/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_c8aac_00000TERMINATED10.1.0.193:5239 10 27.26692500112500
(PPO pid=5239) Install gputil for GPU system monitoring.

Trial Progress

Trial name env_runners fault_tolerance learners num_agent_steps_sampled_lifetime num_env_steps_sampled_lifetime num_env_steps_trained_lifetime num_episodes_lifetimeperf timers
PPO_SatelliteTasking-RLlib_c8aac_00000{'rw_status_valid': np.float64(1.0), 'num_env_steps_sampled': 250, 'sample': np.float64(2.4879687968545303), 'reward': np.float64(0.3191929824561405), 'num_agent_steps_sampled': {'default_agent': 250}, 'alive': np.float64(0.5), 'num_agent_steps_sampled_lifetime': {'default_agent': 13750}, 'orbits_complete': np.float64(3.605263157894737), 'num_episodes': 2, 'battery_status_valid': np.float64(0.5), 'num_module_steps_sampled': {'default_policy': 250}, 'num_module_steps_sampled_lifetime': {'default_policy': 13750}, 'num_env_steps_sampled_lifetime': 25000, 'episode_duration_sec_mean': 3.4302554195000425, 'episode_len_mean': 163.5, 'orbits_complete_partial_only': np.float64(2.210526315789474), 'episode_return_mean': -0.18080701754385958, 'episode_len_min': 104, 'episode_return_max': 0.44136842105263174, 'agent_episode_returns_mean': {'default_agent': -0.18080701754385958}, 'time_between_sampling': np.float64(0.16858144592688548), 'episode_len_max': 223, 'episode_return_min': -0.8029824561403509, 'module_episode_returns_mean': {'default_policy': -0.18080701754385958}, 'reward_per_orbit': np.float64(0.08870033416875525)}{'num_healthy_workers': 2, 'num_in_flight_async_reqs': 0, 'num_remote_worker_restarts': 0}{'__all_modules__': {'num_trainable_parameters': 139525.0, 'num_module_steps_trained': 250, 'num_non_trainable_parameters': 0.0, 'total_loss': 0.20059330761432648, 'num_env_steps_trained': 250}, 'default_policy': {'policy_loss': 0.14703741669654846, 'gradients_default_optimizer_global_norm': 0.4515973925590515, 'total_loss': 0.20059330761432648, 'curr_entropy_coeff': 0.0, 'vf_explained_var': 0.13217216730117798, 'vf_loss_unclipped': 0.053555913269519806, 'vf_loss': 0.053555913269519806, 'num_non_trainable_parameters': 0.0, 'mean_kl_loss': 0.0, 'default_optimizer_learning_rate': 3e-05, 'num_module_steps_trained': 250, 'num_trainable_parameters': 139525.0, 'entropy': 1.2878508567810059}}{'default_agent': 2500} 2500 2500 11{'cpu_util_percent': np.float64(47.5), 'ram_util_percent': np.float64(28.2)}{'env_runner_sampling_timer': 2.5168732522471866, 'learner_update_timer': 0.11530945360691508, 'synch_weights': 0.006436823980216208, 'synch_env_connectors': 0.005975681856256529}
(SingleAgentEnvRunner pid=5284) 2025-07-24 00:12:04,855 sats.satellite.Scanner-1       WARNING    <18540.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5285) 2025-07-24 00:12:25,103 sats.satellite.Scanner-1       WARNING    <7740.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5285) 2025-07-24 00:12:27,457 sats.satellite.Scanner-1       WARNING    <12600.00> Scanner-1: failed battery_valid check
2025-07-24 00:12:28,903 INFO tune.py:1009 -- Wrote the latest version of all result files and experiment state to '/home/runner/ray_results/PPO_2025-07-24_00-11-45' in 0.0218s.
(PPO pid=5239) Checkpoint successfully created at: Checkpoint(filesystem=local, path=/home/runner/ray_results/PPO_2025-07-24_00-11-45/PPO_SatelliteTasking-RLlib_c8aac_00000_0_2025-07-24_00-11-45/checkpoint_000000)
2025-07-24 00:12:29,494 INFO tune.py:1041 -- Total run time: 44.19 seconds (43.54 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-07-24 00:12:30,836 gym                            INFO       Resetting environment with seed=1553941294
2025-07-24 00:12:30,927 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: Finding opportunity windows from 0.00 to 28500.00 seconds
2025-07-24 00:12:31,035 gym                            INFO       <0.00> Environment reset
2025-07-24 00:12:31,036 gym                            INFO       <0.00> === STARTING STEP ===
2025-07-24 00:12:31,037 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,038 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: setting timed terminal event at 180.0
2025-07-24 00:12:31,057 sats.satellite.Scanner-1       INFO       <180.00> Scanner-1: timed termination at 180.0 for action_nadir_scan
2025-07-24 00:12:31,058 data.base                      INFO       <180.00> Total reward: {'Scanner-1': 0.00575438596491228}
2025-07-24 00:12:31,058 comm.communication             INFO       <180.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,059 sats.satellite.Scanner-1       INFO       <180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,061 gym                            INFO       <180.00> Step reward: 0.00575438596491228
2025-07-24 00:12:31,062 gym                            INFO       <180.00> === STARTING STEP ===
2025-07-24 00:12:31,062 sats.satellite.Scanner-1       INFO       <180.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,063 sats.satellite.Scanner-1       INFO       <180.00> Scanner-1: setting timed terminal event at 300.0
2025-07-24 00:12:31,076 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: timed termination at 300.0 for action_charge
2025-07-24 00:12:31,076 data.base                      INFO       <300.00> Total reward: {}
2025-07-24 00:12:31,077 comm.communication             INFO       <300.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,077 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,080 gym                            INFO       <300.00> Step reward: 0.0
2025-07-24 00:12:31,080 gym                            INFO       <300.00> === STARTING STEP ===
2025-07-24 00:12:31,081 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,081 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: setting timed terminal event at 480.0
2025-07-24 00:12:31,100 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: timed termination at 480.0 for action_nadir_scan
2025-07-24 00:12:31,100 data.base                      INFO       <480.00> Total reward: {'Scanner-1': 0.005368421052631579}
2025-07-24 00:12:31,101 comm.communication             INFO       <480.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,101 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,103 gym                            INFO       <480.00> Step reward: 0.005368421052631579
2025-07-24 00:12:31,104 gym                            INFO       <480.00> === STARTING STEP ===
2025-07-24 00:12:31,104 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,105 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: setting timed terminal event at 660.0
2025-07-24 00:12:31,124 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: timed termination at 660.0 for action_nadir_scan
2025-07-24 00:12:31,124 data.base                      INFO       <660.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:31,125 comm.communication             INFO       <660.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,125 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,127 gym                            INFO       <660.00> Step reward: 0.00631578947368421
2025-07-24 00:12:31,127 gym                            INFO       <660.00> === STARTING STEP ===
2025-07-24 00:12:31,128 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,128 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: setting timed terminal event at 840.0
2025-07-24 00:12:31,150 sats.satellite.Scanner-1       INFO       <840.00> Scanner-1: timed termination at 840.0 for action_nadir_scan
2025-07-24 00:12:31,150 data.base                      INFO       <840.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:31,151 comm.communication             INFO       <840.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,152 sats.satellite.Scanner-1       INFO       <840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,153 gym                            INFO       <840.00> Step reward: 0.00631578947368421
2025-07-24 00:12:31,154 gym                            INFO       <840.00> === STARTING STEP ===
2025-07-24 00:12:31,155 sats.satellite.Scanner-1       INFO       <840.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,155 sats.satellite.Scanner-1       INFO       <840.00> Scanner-1: setting timed terminal event at 1020.0
2025-07-24 00:12:31,174 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: timed termination at 1020.0 for action_nadir_scan
2025-07-24 00:12:31,174 data.base                      INFO       <1020.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:31,175 comm.communication             INFO       <1020.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,176 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,177 gym                            INFO       <1020.00> Step reward: 0.00631578947368421
2025-07-24 00:12:31,178 gym                            INFO       <1020.00> === STARTING STEP ===
2025-07-24 00:12:31,178 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:31,179 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: setting timed terminal event at 1080.0
2025-07-24 00:12:31,187 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: timed termination at 1080.0 for action_desat
2025-07-24 00:12:31,187 data.base                      INFO       <1080.00> Total reward: {}
2025-07-24 00:12:31,188 comm.communication             INFO       <1080.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,188 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,190 gym                            INFO       <1080.00> Step reward: 0.0
2025-07-24 00:12:31,191 gym                            INFO       <1080.00> === STARTING STEP ===
2025-07-24 00:12:31,191 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,192 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: setting timed terminal event at 1260.0
2025-07-24 00:12:31,211 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: timed termination at 1260.0 for action_nadir_scan
2025-07-24 00:12:31,212 data.base                      INFO       <1260.00> Total reward: {'Scanner-1': 0.004561403508771929}
2025-07-24 00:12:31,212 comm.communication             INFO       <1260.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,212 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,215 gym                            INFO       <1260.00> Step reward: 0.004561403508771929
2025-07-24 00:12:31,215 gym                            INFO       <1260.00> === STARTING STEP ===
2025-07-24 00:12:31,216 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,216 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: setting timed terminal event at 1440.0
2025-07-24 00:12:31,237 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: timed termination at 1440.0 for action_nadir_scan
2025-07-24 00:12:31,238 data.base                      INFO       <1440.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:31,238 comm.communication             INFO       <1440.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,239 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,241 gym                            INFO       <1440.00> Step reward: 0.00631578947368421
2025-07-24 00:12:31,242 gym                            INFO       <1440.00> === STARTING STEP ===
2025-07-24 00:12:31,242 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,243 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: setting timed terminal event at 1560.0
2025-07-24 00:12:31,258 sats.satellite.Scanner-1       INFO       <1560.00> Scanner-1: timed termination at 1560.0 for action_charge
2025-07-24 00:12:31,259 data.base                      INFO       <1560.00> Total reward: {}
2025-07-24 00:12:31,259 comm.communication             INFO       <1560.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,260 sats.satellite.Scanner-1       INFO       <1560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,262 gym                            INFO       <1560.00> Step reward: 0.0
2025-07-24 00:12:31,262 gym                            INFO       <1560.00> === STARTING STEP ===
2025-07-24 00:12:31,263 sats.satellite.Scanner-1       INFO       <1560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:31,263 sats.satellite.Scanner-1       INFO       <1560.00> Scanner-1: setting timed terminal event at 1620.0
2025-07-24 00:12:31,272 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: timed termination at 1620.0 for action_desat
2025-07-24 00:12:31,273 data.base                      INFO       <1620.00> Total reward: {}
2025-07-24 00:12:31,273 comm.communication             INFO       <1620.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,274 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,276 gym                            INFO       <1620.00> Step reward: 0.0
2025-07-24 00:12:31,276 gym                            INFO       <1620.00> === STARTING STEP ===
2025-07-24 00:12:31,277 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,277 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: setting timed terminal event at 1800.0
2025-07-24 00:12:31,300 sats.satellite.Scanner-1       INFO       <1800.00> Scanner-1: timed termination at 1800.0 for action_nadir_scan
2025-07-24 00:12:31,300 data.base                      INFO       <1800.00> Total reward: {'Scanner-1': 0.00343859649122807}
2025-07-24 00:12:31,301 comm.communication             INFO       <1800.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,301 sats.satellite.Scanner-1       INFO       <1800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,303 gym                            INFO       <1800.00> Step reward: 0.00343859649122807
2025-07-24 00:12:31,304 gym                            INFO       <1800.00> === STARTING STEP ===
2025-07-24 00:12:31,305 sats.satellite.Scanner-1       INFO       <1800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,305 sats.satellite.Scanner-1       INFO       <1800.00> Scanner-1: setting timed terminal event at 1920.0
2025-07-24 00:12:31,319 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: timed termination at 1920.0 for action_charge
2025-07-24 00:12:31,320 data.base                      INFO       <1920.00> Total reward: {}
2025-07-24 00:12:31,320 comm.communication             INFO       <1920.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,321 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,323 gym                            INFO       <1920.00> Step reward: 0.0
2025-07-24 00:12:31,323 gym                            INFO       <1920.00> === STARTING STEP ===
2025-07-24 00:12:31,324 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,325 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: setting timed terminal event at 2040.0
2025-07-24 00:12:31,340 sats.satellite.Scanner-1       INFO       <2040.00> Scanner-1: timed termination at 2040.0 for action_charge
2025-07-24 00:12:31,340 data.base                      INFO       <2040.00> Total reward: {}
2025-07-24 00:12:31,341 comm.communication             INFO       <2040.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,341 sats.satellite.Scanner-1       INFO       <2040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,343 gym                            INFO       <2040.00> Step reward: 0.0
2025-07-24 00:12:31,344 gym                            INFO       <2040.00> === STARTING STEP ===
2025-07-24 00:12:31,344 sats.satellite.Scanner-1       INFO       <2040.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,345 sats.satellite.Scanner-1       INFO       <2040.00> Scanner-1: setting timed terminal event at 2220.0
2025-07-24 00:12:31,368 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: timed termination at 2220.0 for action_nadir_scan
2025-07-24 00:12:31,368 data.base                      INFO       <2220.00> Total reward: {'Scanner-1': 0.0022105263157894735}
2025-07-24 00:12:31,369 comm.communication             INFO       <2220.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,369 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,371 gym                            INFO       <2220.00> Step reward: 0.0022105263157894735
2025-07-24 00:12:31,372 gym                            INFO       <2220.00> === STARTING STEP ===
2025-07-24 00:12:31,372 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,373 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: setting timed terminal event at 2400.0
2025-07-24 00:12:31,392 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: timed termination at 2400.0 for action_nadir_scan
2025-07-24 00:12:31,393 data.base                      INFO       <2400.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:31,393 comm.communication             INFO       <2400.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,394 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,396 gym                            INFO       <2400.00> Step reward: 0.00631578947368421
2025-07-24 00:12:31,396 gym                            INFO       <2400.00> === STARTING STEP ===
2025-07-24 00:12:31,397 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:31,397 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: setting timed terminal event at 2460.0
2025-07-24 00:12:31,405 sats.satellite.Scanner-1       INFO       <2460.00> Scanner-1: timed termination at 2460.0 for action_desat
2025-07-24 00:12:31,405 data.base                      INFO       <2460.00> Total reward: {}
2025-07-24 00:12:31,406 comm.communication             INFO       <2460.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,406 sats.satellite.Scanner-1       INFO       <2460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,408 gym                            INFO       <2460.00> Step reward: 0.0
2025-07-24 00:12:31,408 gym                            INFO       <2460.00> === STARTING STEP ===
2025-07-24 00:12:31,409 sats.satellite.Scanner-1       INFO       <2460.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,409 sats.satellite.Scanner-1       INFO       <2460.00> Scanner-1: setting timed terminal event at 2640.0
2025-07-24 00:12:31,428 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: timed termination at 2640.0 for action_nadir_scan
2025-07-24 00:12:31,429 data.base                      INFO       <2640.00> Total reward: {'Scanner-1': 0.004596491228070175}
2025-07-24 00:12:31,429 comm.communication             INFO       <2640.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,430 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,431 gym                            INFO       <2640.00> Step reward: 0.004596491228070175
2025-07-24 00:12:31,432 gym                            INFO       <2640.00> === STARTING STEP ===
2025-07-24 00:12:31,433 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:31,433 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: setting timed terminal event at 2700.0
2025-07-24 00:12:31,440 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: timed termination at 2700.0 for action_downlink
2025-07-24 00:12:31,441 data.base                      INFO       <2700.00> Total reward: {}
2025-07-24 00:12:31,441 comm.communication             INFO       <2700.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,442 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,444 gym                            INFO       <2700.00> Step reward: 0.0
2025-07-24 00:12:31,444 gym                            INFO       <2700.00> === STARTING STEP ===
2025-07-24 00:12:31,445 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,445 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: setting timed terminal event at 2880.0
2025-07-24 00:12:31,464 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: timed termination at 2880.0 for action_nadir_scan
2025-07-24 00:12:31,465 data.base                      INFO       <2880.00> Total reward: {'Scanner-1': 0.004035087719298246}
2025-07-24 00:12:31,465 comm.communication             INFO       <2880.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,466 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,468 gym                            INFO       <2880.00> Step reward: 0.004035087719298246
2025-07-24 00:12:31,468 gym                            INFO       <2880.00> === STARTING STEP ===
2025-07-24 00:12:31,469 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:31,470 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: setting timed terminal event at 2940.0
2025-07-24 00:12:31,477 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: timed termination at 2940.0 for action_desat
2025-07-24 00:12:31,478 data.base                      INFO       <2940.00> Total reward: {}
2025-07-24 00:12:31,478 comm.communication             INFO       <2940.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,478 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,480 gym                            INFO       <2940.00> Step reward: 0.0
2025-07-24 00:12:31,481 gym                            INFO       <2940.00> === STARTING STEP ===
2025-07-24 00:12:31,482 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,482 sats.satellite.Scanner-1       INFO       <2940.00> Scanner-1: setting timed terminal event at 3120.0
2025-07-24 00:12:31,501 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: timed termination at 3120.0 for action_nadir_scan
2025-07-24 00:12:31,502 data.base                      INFO       <3120.00> Total reward: {'Scanner-1': 0.004771929824561403}
2025-07-24 00:12:31,502 comm.communication             INFO       <3120.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,503 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,504 gym                            INFO       <3120.00> Step reward: 0.004771929824561403
2025-07-24 00:12:31,505 gym                            INFO       <3120.00> === STARTING STEP ===
2025-07-24 00:12:31,505 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:31,506 sats.satellite.Scanner-1       INFO       <3120.00> Scanner-1: setting timed terminal event at 3180.0
2025-07-24 00:12:31,513 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: timed termination at 3180.0 for action_downlink
2025-07-24 00:12:31,514 data.base                      INFO       <3180.00> Total reward: {}
2025-07-24 00:12:31,514 comm.communication             INFO       <3180.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,515 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,516 gym                            INFO       <3180.00> Step reward: 0.0
2025-07-24 00:12:31,517 gym                            INFO       <3180.00> === STARTING STEP ===
2025-07-24 00:12:31,518 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:31,518 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: setting timed terminal event at 3240.0
2025-07-24 00:12:31,526 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: timed termination at 3240.0 for action_downlink
2025-07-24 00:12:31,526 data.base                      INFO       <3240.00> Total reward: {}
2025-07-24 00:12:31,527 comm.communication             INFO       <3240.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,528 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,529 gym                            INFO       <3240.00> Step reward: 0.0
2025-07-24 00:12:31,530 gym                            INFO       <3240.00> === STARTING STEP ===
2025-07-24 00:12:31,530 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:31,530 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: setting timed terminal event at 3300.0
2025-07-24 00:12:31,538 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: timed termination at 3300.0 for action_desat
2025-07-24 00:12:31,539 data.base                      INFO       <3300.00> Total reward: {}
2025-07-24 00:12:31,539 comm.communication             INFO       <3300.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,540 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,541 gym                            INFO       <3300.00> Step reward: 0.0
2025-07-24 00:12:31,542 gym                            INFO       <3300.00> === STARTING STEP ===
2025-07-24 00:12:31,542 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,543 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: setting timed terminal event at 3420.0
2025-07-24 00:12:31,556 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: timed termination at 3420.0 for action_charge
2025-07-24 00:12:31,557 data.base                      INFO       <3420.00> Total reward: {}
2025-07-24 00:12:31,557 comm.communication             INFO       <3420.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,558 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,560 gym                            INFO       <3420.00> Step reward: 0.0
2025-07-24 00:12:31,561 gym                            INFO       <3420.00> === STARTING STEP ===
2025-07-24 00:12:31,561 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,562 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: setting timed terminal event at 3540.0
2025-07-24 00:12:31,574 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: timed termination at 3540.0 for action_charge
2025-07-24 00:12:31,575 data.base                      INFO       <3540.00> Total reward: {}
2025-07-24 00:12:31,576 comm.communication             INFO       <3540.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,576 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,578 gym                            INFO       <3540.00> Step reward: 0.0
2025-07-24 00:12:31,578 gym                            INFO       <3540.00> === STARTING STEP ===
2025-07-24 00:12:31,579 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,580 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: setting timed terminal event at 3720.0
2025-07-24 00:12:31,598 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: timed termination at 3720.0 for action_nadir_scan
2025-07-24 00:12:31,599 data.base                      INFO       <3720.00> Total reward: {'Scanner-1': 0.0038245614035087717}
2025-07-24 00:12:31,600 comm.communication             INFO       <3720.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,600 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,602 gym                            INFO       <3720.00> Step reward: 0.0038245614035087717
2025-07-24 00:12:31,603 gym                            INFO       <3720.00> === STARTING STEP ===
2025-07-24 00:12:31,603 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,603 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: setting timed terminal event at 3840.0
2025-07-24 00:12:31,617 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: timed termination at 3840.0 for action_charge
2025-07-24 00:12:31,617 data.base                      INFO       <3840.00> Total reward: {}
2025-07-24 00:12:31,618 comm.communication             INFO       <3840.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,618 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,620 gym                            INFO       <3840.00> Step reward: 0.0
2025-07-24 00:12:31,621 gym                            INFO       <3840.00> === STARTING STEP ===
2025-07-24 00:12:31,621 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:31,622 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: setting timed terminal event at 3900.0
2025-07-24 00:12:31,629 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: timed termination at 3900.0 for action_downlink
2025-07-24 00:12:31,630 data.base                      INFO       <3900.00> Total reward: {}
2025-07-24 00:12:31,630 comm.communication             INFO       <3900.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,630 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,633 gym                            INFO       <3900.00> Step reward: 0.0
2025-07-24 00:12:31,633 gym                            INFO       <3900.00> === STARTING STEP ===
2025-07-24 00:12:31,634 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,634 sats.satellite.Scanner-1       INFO       <3900.00> Scanner-1: setting timed terminal event at 4080.0
2025-07-24 00:12:31,653 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: timed termination at 4080.0 for action_nadir_scan
2025-07-24 00:12:31,654 data.base                      INFO       <4080.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-24 00:12:31,654 comm.communication             INFO       <4080.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,655 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,656 gym                            INFO       <4080.00> Step reward: 0.004912280701754385
2025-07-24 00:12:31,657 gym                            INFO       <4080.00> === STARTING STEP ===
2025-07-24 00:12:31,658 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:31,659 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: setting timed terminal event at 4140.0
2025-07-24 00:12:31,665 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: timed termination at 4140.0 for action_downlink
2025-07-24 00:12:31,666 data.base                      INFO       <4140.00> Total reward: {}
2025-07-24 00:12:31,666 comm.communication             INFO       <4140.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,667 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,668 gym                            INFO       <4140.00> Step reward: 0.0
2025-07-24 00:12:31,669 gym                            INFO       <4140.00> === STARTING STEP ===
2025-07-24 00:12:31,670 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,670 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: setting timed terminal event at 4260.0
2025-07-24 00:12:31,683 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: timed termination at 4260.0 for action_charge
2025-07-24 00:12:31,684 data.base                      INFO       <4260.00> Total reward: {}
2025-07-24 00:12:31,684 comm.communication             INFO       <4260.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,685 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,686 gym                            INFO       <4260.00> Step reward: 0.0
2025-07-24 00:12:31,687 gym                            INFO       <4260.00> === STARTING STEP ===
2025-07-24 00:12:31,687 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:31,688 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: setting timed terminal event at 4320.0
2025-07-24 00:12:31,695 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: timed termination at 4320.0 for action_downlink
2025-07-24 00:12:31,696 data.base                      INFO       <4320.00> Total reward: {}
2025-07-24 00:12:31,696 comm.communication             INFO       <4320.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,697 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,698 gym                            INFO       <4320.00> Step reward: 0.0
2025-07-24 00:12:31,699 gym                            INFO       <4320.00> === STARTING STEP ===
2025-07-24 00:12:31,699 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:31,700 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: setting timed terminal event at 4380.0
2025-07-24 00:12:31,708 sats.satellite.Scanner-1       INFO       <4380.00> Scanner-1: timed termination at 4380.0 for action_desat
2025-07-24 00:12:31,708 data.base                      INFO       <4380.00> Total reward: {}
2025-07-24 00:12:31,709 comm.communication             INFO       <4380.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,709 sats.satellite.Scanner-1       INFO       <4380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,711 gym                            INFO       <4380.00> Step reward: 0.0
2025-07-24 00:12:31,712 gym                            INFO       <4380.00> === STARTING STEP ===
2025-07-24 00:12:31,712 sats.satellite.Scanner-1       INFO       <4380.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:31,712 sats.satellite.Scanner-1       INFO       <4380.00> Scanner-1: setting timed terminal event at 4440.0
2025-07-24 00:12:31,720 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: timed termination at 4440.0 for action_downlink
2025-07-24 00:12:31,720 data.base                      INFO       <4440.00> Total reward: {}
2025-07-24 00:12:31,721 comm.communication             INFO       <4440.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,721 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,723 gym                            INFO       <4440.00> Step reward: 0.0
2025-07-24 00:12:31,724 gym                            INFO       <4440.00> === STARTING STEP ===
2025-07-24 00:12:31,724 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,725 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: setting timed terminal event at 4620.0
2025-07-24 00:12:31,747 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: timed termination at 4620.0 for action_nadir_scan
2025-07-24 00:12:31,747 data.base                      INFO       <4620.00> Total reward: {'Scanner-1': 0.004771929824561403}
2025-07-24 00:12:31,748 comm.communication             INFO       <4620.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,748 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,750 gym                            INFO       <4620.00> Step reward: 0.004771929824561403
2025-07-24 00:12:31,751 gym                            INFO       <4620.00> === STARTING STEP ===
2025-07-24 00:12:31,751 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,752 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: setting timed terminal event at 4740.0
2025-07-24 00:12:31,766 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: timed termination at 4740.0 for action_charge
2025-07-24 00:12:31,766 data.base                      INFO       <4740.00> Total reward: {}
2025-07-24 00:12:31,767 comm.communication             INFO       <4740.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,768 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,769 gym                            INFO       <4740.00> Step reward: 0.0
2025-07-24 00:12:31,770 gym                            INFO       <4740.00> === STARTING STEP ===
2025-07-24 00:12:31,770 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,771 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: setting timed terminal event at 4860.0
2025-07-24 00:12:31,784 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: timed termination at 4860.0 for action_charge
2025-07-24 00:12:31,784 data.base                      INFO       <4860.00> Total reward: {}
2025-07-24 00:12:31,785 comm.communication             INFO       <4860.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,786 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,787 gym                            INFO       <4860.00> Step reward: 0.0
2025-07-24 00:12:31,788 gym                            INFO       <4860.00> === STARTING STEP ===
2025-07-24 00:12:31,788 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,789 sats.satellite.Scanner-1       INFO       <4860.00> Scanner-1: setting timed terminal event at 4980.0
2025-07-24 00:12:31,802 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: timed termination at 4980.0 for action_charge
2025-07-24 00:12:31,802 data.base                      INFO       <4980.00> Total reward: {}
2025-07-24 00:12:31,803 comm.communication             INFO       <4980.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,803 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,805 gym                            INFO       <4980.00> Step reward: 0.0
2025-07-24 00:12:31,806 gym                            INFO       <4980.00> === STARTING STEP ===
2025-07-24 00:12:31,806 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:31,806 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: setting timed terminal event at 5040.0
2025-07-24 00:12:31,814 sats.satellite.Scanner-1       INFO       <5040.00> Scanner-1: timed termination at 5040.0 for action_desat
2025-07-24 00:12:31,814 data.base                      INFO       <5040.00> Total reward: {}
2025-07-24 00:12:31,815 comm.communication             INFO       <5040.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,815 sats.satellite.Scanner-1       INFO       <5040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,817 gym                            INFO       <5040.00> Step reward: 0.0
2025-07-24 00:12:31,818 gym                            INFO       <5040.00> === STARTING STEP ===
2025-07-24 00:12:31,818 sats.satellite.Scanner-1       INFO       <5040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,819 sats.satellite.Scanner-1       INFO       <5040.00> Scanner-1: setting timed terminal event at 5160.0
2025-07-24 00:12:31,832 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: timed termination at 5160.0 for action_charge
2025-07-24 00:12:31,833 data.base                      INFO       <5160.00> Total reward: {}
2025-07-24 00:12:31,833 comm.communication             INFO       <5160.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,834 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,836 gym                            INFO       <5160.00> Step reward: 0.0
2025-07-24 00:12:31,836 gym                            INFO       <5160.00> === STARTING STEP ===
2025-07-24 00:12:31,837 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,837 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: setting timed terminal event at 5340.0
2025-07-24 00:12:31,860 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: timed termination at 5340.0 for action_nadir_scan
2025-07-24 00:12:31,860 data.base                      INFO       <5340.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:31,861 comm.communication             INFO       <5340.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,861 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,863 gym                            INFO       <5340.00> Step reward: 0.00631578947368421
2025-07-24 00:12:31,864 gym                            INFO       <5340.00> === STARTING STEP ===
2025-07-24 00:12:31,865 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,865 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: setting timed terminal event at 5460.0
2025-07-24 00:12:31,878 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: timed termination at 5460.0 for action_charge
2025-07-24 00:12:31,879 data.base                      INFO       <5460.00> Total reward: {}
2025-07-24 00:12:31,879 comm.communication             INFO       <5460.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,879 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,881 gym                            INFO       <5460.00> Step reward: 0.0
2025-07-24 00:12:31,882 gym                            INFO       <5460.00> === STARTING STEP ===
2025-07-24 00:12:31,882 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:31,883 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: setting timed terminal event at 5520.0
2025-07-24 00:12:31,890 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: timed termination at 5520.0 for action_downlink
2025-07-24 00:12:31,891 data.base                      INFO       <5520.00> Total reward: {}
2025-07-24 00:12:31,891 comm.communication             INFO       <5520.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,891 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,893 gym                            INFO       <5520.00> Step reward: 0.0
2025-07-24 00:12:31,894 gym                            INFO       <5520.00> === STARTING STEP ===
2025-07-24 00:12:31,894 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,895 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: setting timed terminal event at 5640.0
2025-07-24 00:12:31,908 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: timed termination at 5640.0 for action_charge
2025-07-24 00:12:31,908 data.base                      INFO       <5640.00> Total reward: {}
2025-07-24 00:12:31,909 comm.communication             INFO       <5640.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,909 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,911 gym                            INFO       <5640.00> Step reward: 0.0
2025-07-24 00:12:31,912 gym                            INFO       <5640.00> === STARTING STEP ===
2025-07-24 00:12:31,912 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,913 sats.satellite.Scanner-1       INFO       <5640.00> Scanner-1: setting timed terminal event at 5820.0
2025-07-24 00:12:31,931 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: timed termination at 5820.0 for action_nadir_scan
2025-07-24 00:12:31,932 data.base                      INFO       <5820.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:31,932 comm.communication             INFO       <5820.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,933 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,935 gym                            INFO       <5820.00> Step reward: 0.00631578947368421
2025-07-24 00:12:31,935 gym                            INFO       <5820.00> === STARTING STEP ===
2025-07-24 00:12:31,936 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:31,936 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: setting timed terminal event at 6000.0
2025-07-24 00:12:31,955 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: timed termination at 6000.0 for action_nadir_scan
2025-07-24 00:12:31,956 data.base                      INFO       <6000.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:31,956 comm.communication             INFO       <6000.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,957 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,959 gym                            INFO       <6000.00> Step reward: 0.00631578947368421
2025-07-24 00:12:31,959 gym                            INFO       <6000.00> === STARTING STEP ===
2025-07-24 00:12:31,960 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,960 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: setting timed terminal event at 6120.0
2025-07-24 00:12:31,975 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: timed termination at 6120.0 for action_charge
2025-07-24 00:12:31,975 data.base                      INFO       <6120.00> Total reward: {}
2025-07-24 00:12:31,976 comm.communication             INFO       <6120.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,976 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,978 gym                            INFO       <6120.00> Step reward: 0.0
2025-07-24 00:12:31,978 gym                            INFO       <6120.00> === STARTING STEP ===
2025-07-24 00:12:31,979 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:31,980 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: setting timed terminal event at 6240.0
2025-07-24 00:12:31,995 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: timed termination at 6240.0 for action_charge
2025-07-24 00:12:31,995 data.base                      INFO       <6240.00> Total reward: {}
2025-07-24 00:12:31,996 comm.communication             INFO       <6240.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:31,996 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:31,998 gym                            INFO       <6240.00> Step reward: 0.0
2025-07-24 00:12:31,999 gym                            INFO       <6240.00> === STARTING STEP ===
2025-07-24 00:12:31,999 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:31,999 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: setting timed terminal event at 6300.0
2025-07-24 00:12:32,007 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: timed termination at 6300.0 for action_desat
2025-07-24 00:12:32,008 data.base                      INFO       <6300.00> Total reward: {}
2025-07-24 00:12:32,008 comm.communication             INFO       <6300.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,009 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,010 gym                            INFO       <6300.00> Step reward: 0.0
2025-07-24 00:12:32,011 gym                            INFO       <6300.00> === STARTING STEP ===
2025-07-24 00:12:32,012 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,012 sats.satellite.Scanner-1       INFO       <6300.00> Scanner-1: setting timed terminal event at 6420.0
2025-07-24 00:12:32,027 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: timed termination at 6420.0 for action_charge
2025-07-24 00:12:32,028 data.base                      INFO       <6420.00> Total reward: {}
2025-07-24 00:12:32,028 comm.communication             INFO       <6420.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,029 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,030 gym                            INFO       <6420.00> Step reward: 0.0
2025-07-24 00:12:32,031 gym                            INFO       <6420.00> === STARTING STEP ===
2025-07-24 00:12:32,032 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:32,032 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: setting timed terminal event at 6600.0
2025-07-24 00:12:32,051 sats.satellite.Scanner-1       INFO       <6600.00> Scanner-1: timed termination at 6600.0 for action_nadir_scan
2025-07-24 00:12:32,052 data.base                      INFO       <6600.00> Total reward: {'Scanner-1': 0.00512280701754386}
2025-07-24 00:12:32,053 comm.communication             INFO       <6600.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,053 sats.satellite.Scanner-1       INFO       <6600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,055 gym                            INFO       <6600.00> Step reward: 0.00512280701754386
2025-07-24 00:12:32,055 gym                            INFO       <6600.00> === STARTING STEP ===
2025-07-24 00:12:32,056 sats.satellite.Scanner-1       INFO       <6600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,056 sats.satellite.Scanner-1       INFO       <6600.00> Scanner-1: setting timed terminal event at 6660.0
2025-07-24 00:12:32,064 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: timed termination at 6660.0 for action_desat
2025-07-24 00:12:32,065 data.base                      INFO       <6660.00> Total reward: {}
2025-07-24 00:12:32,065 comm.communication             INFO       <6660.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,065 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,068 gym                            INFO       <6660.00> Step reward: 0.0
2025-07-24 00:12:32,068 gym                            INFO       <6660.00> === STARTING STEP ===
2025-07-24 00:12:32,069 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,069 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: setting timed terminal event at 6720.0
2025-07-24 00:12:32,077 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: timed termination at 6720.0 for action_desat
2025-07-24 00:12:32,077 data.base                      INFO       <6720.00> Total reward: {}
2025-07-24 00:12:32,077 comm.communication             INFO       <6720.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,078 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,080 gym                            INFO       <6720.00> Step reward: 0.0
2025-07-24 00:12:32,080 gym                            INFO       <6720.00> === STARTING STEP ===
2025-07-24 00:12:32,081 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,082 sats.satellite.Scanner-1       INFO       <6720.00> Scanner-1: setting timed terminal event at 6840.0
2025-07-24 00:12:32,095 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: timed termination at 6840.0 for action_charge
2025-07-24 00:12:32,095 data.base                      INFO       <6840.00> Total reward: {}
2025-07-24 00:12:32,096 comm.communication             INFO       <6840.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,096 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,098 gym                            INFO       <6840.00> Step reward: 0.0
2025-07-24 00:12:32,099 gym                            INFO       <6840.00> === STARTING STEP ===
2025-07-24 00:12:32,100 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:32,100 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: setting timed terminal event at 7020.0
2025-07-24 00:12:32,119 sats.satellite.Scanner-1       INFO       <7020.00> Scanner-1: timed termination at 7020.0 for action_nadir_scan
2025-07-24 00:12:32,120 data.base                      INFO       <7020.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-24 00:12:32,120 comm.communication             INFO       <7020.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,121 sats.satellite.Scanner-1       INFO       <7020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,123 gym                            INFO       <7020.00> Step reward: 0.00487719298245614
2025-07-24 00:12:32,124 gym                            INFO       <7020.00> === STARTING STEP ===
2025-07-24 00:12:32,124 sats.satellite.Scanner-1       INFO       <7020.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:32,124 sats.satellite.Scanner-1       INFO       <7020.00> Scanner-1: setting timed terminal event at 7200.0
2025-07-24 00:12:32,144 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: timed termination at 7200.0 for action_nadir_scan
2025-07-24 00:12:32,145 data.base                      INFO       <7200.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:32,145 comm.communication             INFO       <7200.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,146 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,147 gym                            INFO       <7200.00> Step reward: 0.00631578947368421
2025-07-24 00:12:32,148 gym                            INFO       <7200.00> === STARTING STEP ===
2025-07-24 00:12:32,149 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,149 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: setting timed terminal event at 7260.0
2025-07-24 00:12:32,157 sats.satellite.Scanner-1       INFO       <7260.00> Scanner-1: timed termination at 7260.0 for action_desat
2025-07-24 00:12:32,158 data.base                      INFO       <7260.00> Total reward: {}
2025-07-24 00:12:32,158 comm.communication             INFO       <7260.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,159 sats.satellite.Scanner-1       INFO       <7260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,161 gym                            INFO       <7260.00> Step reward: 0.0
2025-07-24 00:12:32,161 gym                            INFO       <7260.00> === STARTING STEP ===
2025-07-24 00:12:32,162 sats.satellite.Scanner-1       INFO       <7260.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,162 sats.satellite.Scanner-1       INFO       <7260.00> Scanner-1: setting timed terminal event at 7320.0
2025-07-24 00:12:32,170 sats.satellite.Scanner-1       INFO       <7320.00> Scanner-1: timed termination at 7320.0 for action_downlink
2025-07-24 00:12:32,170 data.base                      INFO       <7320.00> Total reward: {}
2025-07-24 00:12:32,171 comm.communication             INFO       <7320.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,171 sats.satellite.Scanner-1       INFO       <7320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,173 gym                            INFO       <7320.00> Step reward: 0.0
2025-07-24 00:12:32,174 gym                            INFO       <7320.00> === STARTING STEP ===
2025-07-24 00:12:32,174 sats.satellite.Scanner-1       INFO       <7320.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:32,175 sats.satellite.Scanner-1       INFO       <7320.00> Scanner-1: setting timed terminal event at 7500.0
2025-07-24 00:12:32,197 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: timed termination at 7500.0 for action_nadir_scan
2025-07-24 00:12:32,198 data.base                      INFO       <7500.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-24 00:12:32,198 comm.communication             INFO       <7500.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,199 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,201 gym                            INFO       <7500.00> Step reward: 0.004912280701754385
2025-07-24 00:12:32,201 gym                            INFO       <7500.00> === STARTING STEP ===
2025-07-24 00:12:32,202 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,202 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: setting timed terminal event at 7560.0
2025-07-24 00:12:32,210 sats.satellite.Scanner-1       INFO       <7560.00> Scanner-1: timed termination at 7560.0 for action_desat
2025-07-24 00:12:32,210 data.base                      INFO       <7560.00> Total reward: {}
2025-07-24 00:12:32,211 comm.communication             INFO       <7560.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,211 sats.satellite.Scanner-1       INFO       <7560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,213 gym                            INFO       <7560.00> Step reward: 0.0
2025-07-24 00:12:32,213 gym                            INFO       <7560.00> === STARTING STEP ===
2025-07-24 00:12:32,214 sats.satellite.Scanner-1       INFO       <7560.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,214 sats.satellite.Scanner-1       INFO       <7560.00> Scanner-1: setting timed terminal event at 7620.0
2025-07-24 00:12:32,221 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: timed termination at 7620.0 for action_downlink
2025-07-24 00:12:32,222 data.base                      INFO       <7620.00> Total reward: {}
2025-07-24 00:12:32,222 comm.communication             INFO       <7620.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,223 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,225 gym                            INFO       <7620.00> Step reward: 0.0
2025-07-24 00:12:32,225 gym                            INFO       <7620.00> === STARTING STEP ===
2025-07-24 00:12:32,226 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,226 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: setting timed terminal event at 7740.0
2025-07-24 00:12:32,239 sats.satellite.Scanner-1       INFO       <7740.00> Scanner-1: timed termination at 7740.0 for action_charge
2025-07-24 00:12:32,240 data.base                      INFO       <7740.00> Total reward: {}
2025-07-24 00:12:32,240 comm.communication             INFO       <7740.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,241 sats.satellite.Scanner-1       INFO       <7740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,243 gym                            INFO       <7740.00> Step reward: 0.0
2025-07-24 00:12:32,243 gym                            INFO       <7740.00> === STARTING STEP ===
2025-07-24 00:12:32,244 sats.satellite.Scanner-1       INFO       <7740.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,245 sats.satellite.Scanner-1       INFO       <7740.00> Scanner-1: setting timed terminal event at 7800.0
2025-07-24 00:12:32,252 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: timed termination at 7800.0 for action_desat
2025-07-24 00:12:32,252 data.base                      INFO       <7800.00> Total reward: {}
2025-07-24 00:12:32,253 comm.communication             INFO       <7800.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,253 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,255 gym                            INFO       <7800.00> Step reward: 0.0
2025-07-24 00:12:32,256 gym                            INFO       <7800.00> === STARTING STEP ===
2025-07-24 00:12:32,256 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,257 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: setting timed terminal event at 7860.0
2025-07-24 00:12:32,264 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: timed termination at 7860.0 for action_desat
2025-07-24 00:12:32,265 data.base                      INFO       <7860.00> Total reward: {}
2025-07-24 00:12:32,265 comm.communication             INFO       <7860.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,266 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,268 gym                            INFO       <7860.00> Step reward: 0.0
2025-07-24 00:12:32,268 gym                            INFO       <7860.00> === STARTING STEP ===
2025-07-24 00:12:32,269 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,269 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: setting timed terminal event at 7920.0
2025-07-24 00:12:32,277 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: timed termination at 7920.0 for action_desat
2025-07-24 00:12:32,277 data.base                      INFO       <7920.00> Total reward: {}
2025-07-24 00:12:32,278 comm.communication             INFO       <7920.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,278 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,280 gym                            INFO       <7920.00> Step reward: 0.0
2025-07-24 00:12:32,281 gym                            INFO       <7920.00> === STARTING STEP ===
2025-07-24 00:12:32,281 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,281 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: setting timed terminal event at 7980.0
2025-07-24 00:12:32,289 sats.satellite.Scanner-1       INFO       <7980.00> Scanner-1: timed termination at 7980.0 for action_desat
2025-07-24 00:12:32,289 data.base                      INFO       <7980.00> Total reward: {}
2025-07-24 00:12:32,290 comm.communication             INFO       <7980.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,290 sats.satellite.Scanner-1       INFO       <7980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,292 gym                            INFO       <7980.00> Step reward: 0.0
2025-07-24 00:12:32,293 gym                            INFO       <7980.00> === STARTING STEP ===
2025-07-24 00:12:32,294 sats.satellite.Scanner-1       INFO       <7980.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,294 sats.satellite.Scanner-1       INFO       <7980.00> Scanner-1: setting timed terminal event at 8040.0
2025-07-24 00:12:32,301 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: timed termination at 8040.0 for action_downlink
2025-07-24 00:12:32,302 data.base                      INFO       <8040.00> Total reward: {}
2025-07-24 00:12:32,302 comm.communication             INFO       <8040.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,303 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,305 gym                            INFO       <8040.00> Step reward: 0.0
2025-07-24 00:12:32,305 gym                            INFO       <8040.00> === STARTING STEP ===
2025-07-24 00:12:32,306 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,307 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: setting timed terminal event at 8100.0
2025-07-24 00:12:32,314 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: timed termination at 8100.0 for action_downlink
2025-07-24 00:12:32,314 data.base                      INFO       <8100.00> Total reward: {}
2025-07-24 00:12:32,315 comm.communication             INFO       <8100.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,315 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,317 gym                            INFO       <8100.00> Step reward: 0.0
2025-07-24 00:12:32,318 gym                            INFO       <8100.00> === STARTING STEP ===
2025-07-24 00:12:32,318 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,319 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: setting timed terminal event at 8160.0
2025-07-24 00:12:32,327 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: timed termination at 8160.0 for action_desat
2025-07-24 00:12:32,328 data.base                      INFO       <8160.00> Total reward: {}
2025-07-24 00:12:32,328 comm.communication             INFO       <8160.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,329 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,331 gym                            INFO       <8160.00> Step reward: 0.0
2025-07-24 00:12:32,331 gym                            INFO       <8160.00> === STARTING STEP ===
2025-07-24 00:12:32,332 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,332 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: setting timed terminal event at 8220.0
2025-07-24 00:12:32,341 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: timed termination at 8220.0 for action_desat
2025-07-24 00:12:32,342 data.base                      INFO       <8220.00> Total reward: {}
2025-07-24 00:12:32,342 comm.communication             INFO       <8220.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,343 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,344 gym                            INFO       <8220.00> Step reward: 0.0
2025-07-24 00:12:32,345 gym                            INFO       <8220.00> === STARTING STEP ===
2025-07-24 00:12:32,346 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:32,346 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: setting timed terminal event at 8400.0
2025-07-24 00:12:32,365 sats.satellite.Scanner-1       INFO       <8400.00> Scanner-1: timed termination at 8400.0 for action_nadir_scan
2025-07-24 00:12:32,366 data.base                      INFO       <8400.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-07-24 00:12:32,366 comm.communication             INFO       <8400.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,367 sats.satellite.Scanner-1       INFO       <8400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,369 gym                            INFO       <8400.00> Step reward: 0.004947368421052631
2025-07-24 00:12:32,369 gym                            INFO       <8400.00> === STARTING STEP ===
2025-07-24 00:12:32,370 sats.satellite.Scanner-1       INFO       <8400.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,370 sats.satellite.Scanner-1       INFO       <8400.00> Scanner-1: setting timed terminal event at 8460.0
2025-07-24 00:12:32,378 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: timed termination at 8460.0 for action_desat
2025-07-24 00:12:32,378 data.base                      INFO       <8460.00> Total reward: {}
2025-07-24 00:12:32,379 comm.communication             INFO       <8460.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,379 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,381 gym                            INFO       <8460.00> Step reward: 0.0
2025-07-24 00:12:32,382 gym                            INFO       <8460.00> === STARTING STEP ===
2025-07-24 00:12:32,382 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,383 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: setting timed terminal event at 8520.0
2025-07-24 00:12:32,390 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: timed termination at 8520.0 for action_downlink
2025-07-24 00:12:32,390 data.base                      INFO       <8520.00> Total reward: {}
2025-07-24 00:12:32,391 comm.communication             INFO       <8520.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,391 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,393 gym                            INFO       <8520.00> Step reward: 0.0
2025-07-24 00:12:32,394 gym                            INFO       <8520.00> === STARTING STEP ===
2025-07-24 00:12:32,394 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,394 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: setting timed terminal event at 8580.0
2025-07-24 00:12:32,402 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: timed termination at 8580.0 for action_desat
2025-07-24 00:12:32,403 data.base                      INFO       <8580.00> Total reward: {}
2025-07-24 00:12:32,404 comm.communication             INFO       <8580.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,404 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,406 gym                            INFO       <8580.00> Step reward: 0.0
2025-07-24 00:12:32,406 gym                            INFO       <8580.00> === STARTING STEP ===
2025-07-24 00:12:32,407 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,408 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: setting timed terminal event at 8700.0
2025-07-24 00:12:32,421 sats.satellite.Scanner-1       INFO       <8700.00> Scanner-1: timed termination at 8700.0 for action_charge
2025-07-24 00:12:32,421 data.base                      INFO       <8700.00> Total reward: {}
2025-07-24 00:12:32,422 comm.communication             INFO       <8700.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,422 sats.satellite.Scanner-1       INFO       <8700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,424 gym                            INFO       <8700.00> Step reward: 0.0
2025-07-24 00:12:32,425 gym                            INFO       <8700.00> === STARTING STEP ===
2025-07-24 00:12:32,425 sats.satellite.Scanner-1       INFO       <8700.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,426 sats.satellite.Scanner-1       INFO       <8700.00> Scanner-1: setting timed terminal event at 8760.0
2025-07-24 00:12:32,433 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: timed termination at 8760.0 for action_desat
2025-07-24 00:12:32,434 data.base                      INFO       <8760.00> Total reward: {}
2025-07-24 00:12:32,434 comm.communication             INFO       <8760.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,435 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,437 gym                            INFO       <8760.00> Step reward: 0.0
2025-07-24 00:12:32,437 gym                            INFO       <8760.00> === STARTING STEP ===
2025-07-24 00:12:32,438 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,439 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: setting timed terminal event at 8880.0
2025-07-24 00:12:32,451 sats.satellite.Scanner-1       INFO       <8880.00> Scanner-1: timed termination at 8880.0 for action_charge
2025-07-24 00:12:32,452 data.base                      INFO       <8880.00> Total reward: {}
2025-07-24 00:12:32,453 comm.communication             INFO       <8880.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,453 sats.satellite.Scanner-1       INFO       <8880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,455 gym                            INFO       <8880.00> Step reward: 0.0
2025-07-24 00:12:32,455 gym                            INFO       <8880.00> === STARTING STEP ===
2025-07-24 00:12:32,456 sats.satellite.Scanner-1       INFO       <8880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,457 sats.satellite.Scanner-1       INFO       <8880.00> Scanner-1: setting timed terminal event at 8940.0
2025-07-24 00:12:32,464 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: timed termination at 8940.0 for action_downlink
2025-07-24 00:12:32,464 data.base                      INFO       <8940.00> Total reward: {}
2025-07-24 00:12:32,465 comm.communication             INFO       <8940.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,466 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,467 gym                            INFO       <8940.00> Step reward: 0.0
2025-07-24 00:12:32,468 gym                            INFO       <8940.00> === STARTING STEP ===
2025-07-24 00:12:32,468 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,469 sats.satellite.Scanner-1       INFO       <8940.00> Scanner-1: setting timed terminal event at 9060.0
2025-07-24 00:12:32,484 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: timed termination at 9060.0 for action_charge
2025-07-24 00:12:32,485 data.base                      INFO       <9060.00> Total reward: {}
2025-07-24 00:12:32,485 comm.communication             INFO       <9060.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,486 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,488 gym                            INFO       <9060.00> Step reward: 0.0
2025-07-24 00:12:32,488 gym                            INFO       <9060.00> === STARTING STEP ===
2025-07-24 00:12:32,489 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:32,489 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: setting timed terminal event at 9240.0
2025-07-24 00:12:32,508 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: timed termination at 9240.0 for action_nadir_scan
2025-07-24 00:12:32,509 data.base                      INFO       <9240.00> Total reward: {'Scanner-1': 0.004771929824561403}
2025-07-24 00:12:32,509 comm.communication             INFO       <9240.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,510 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,511 gym                            INFO       <9240.00> Step reward: 0.004771929824561403
2025-07-24 00:12:32,512 gym                            INFO       <9240.00> === STARTING STEP ===
2025-07-24 00:12:32,513 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,513 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: setting timed terminal event at 9360.0
2025-07-24 00:12:32,527 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: timed termination at 9360.0 for action_charge
2025-07-24 00:12:32,527 data.base                      INFO       <9360.00> Total reward: {}
2025-07-24 00:12:32,528 comm.communication             INFO       <9360.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,528 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,530 gym                            INFO       <9360.00> Step reward: 0.0
2025-07-24 00:12:32,531 gym                            INFO       <9360.00> === STARTING STEP ===
2025-07-24 00:12:32,531 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,532 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: setting timed terminal event at 9420.0
2025-07-24 00:12:32,540 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: timed termination at 9420.0 for action_downlink
2025-07-24 00:12:32,540 data.base                      INFO       <9420.00> Total reward: {}
2025-07-24 00:12:32,540 comm.communication             INFO       <9420.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,541 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,543 gym                            INFO       <9420.00> Step reward: 0.0
2025-07-24 00:12:32,543 gym                            INFO       <9420.00> === STARTING STEP ===
2025-07-24 00:12:32,544 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,544 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: setting timed terminal event at 9480.0
2025-07-24 00:12:32,552 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: timed termination at 9480.0 for action_desat
2025-07-24 00:12:32,553 data.base                      INFO       <9480.00> Total reward: {}
2025-07-24 00:12:32,553 comm.communication             INFO       <9480.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,554 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,556 gym                            INFO       <9480.00> Step reward: 0.0
2025-07-24 00:12:32,556 gym                            INFO       <9480.00> === STARTING STEP ===
2025-07-24 00:12:32,557 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,557 sats.satellite.Scanner-1       INFO       <9480.00> Scanner-1: setting timed terminal event at 9540.0
2025-07-24 00:12:32,564 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: timed termination at 9540.0 for action_desat
2025-07-24 00:12:32,565 data.base                      INFO       <9540.00> Total reward: {}
2025-07-24 00:12:32,565 comm.communication             INFO       <9540.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,566 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,568 gym                            INFO       <9540.00> Step reward: 0.0
2025-07-24 00:12:32,568 gym                            INFO       <9540.00> === STARTING STEP ===
2025-07-24 00:12:32,569 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,569 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: setting timed terminal event at 9600.0
2025-07-24 00:12:32,578 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: timed termination at 9600.0 for action_downlink
2025-07-24 00:12:32,578 data.base                      INFO       <9600.00> Total reward: {}
2025-07-24 00:12:32,579 comm.communication             INFO       <9600.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,579 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,581 gym                            INFO       <9600.00> Step reward: 0.0
2025-07-24 00:12:32,582 gym                            INFO       <9600.00> === STARTING STEP ===
2025-07-24 00:12:32,582 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:32,583 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: setting timed terminal event at 9780.0
2025-07-24 00:12:32,605 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: timed termination at 9780.0 for action_nadir_scan
2025-07-24 00:12:32,606 data.base                      INFO       <9780.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-07-24 00:12:32,606 comm.communication             INFO       <9780.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,607 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,609 gym                            INFO       <9780.00> Step reward: 0.004947368421052631
2025-07-24 00:12:32,610 gym                            INFO       <9780.00> === STARTING STEP ===
2025-07-24 00:12:32,610 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,611 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: setting timed terminal event at 9840.0
2025-07-24 00:12:32,619 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: timed termination at 9840.0 for action_downlink
2025-07-24 00:12:32,620 data.base                      INFO       <9840.00> Total reward: {}
2025-07-24 00:12:32,620 comm.communication             INFO       <9840.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,621 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,622 gym                            INFO       <9840.00> Step reward: 0.0
2025-07-24 00:12:32,623 gym                            INFO       <9840.00> === STARTING STEP ===
2025-07-24 00:12:32,623 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,624 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: setting timed terminal event at 9900.0
2025-07-24 00:12:32,632 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: timed termination at 9900.0 for action_desat
2025-07-24 00:12:32,632 data.base                      INFO       <9900.00> Total reward: {}
2025-07-24 00:12:32,633 comm.communication             INFO       <9900.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,633 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,635 gym                            INFO       <9900.00> Step reward: 0.0
2025-07-24 00:12:32,636 gym                            INFO       <9900.00> === STARTING STEP ===
2025-07-24 00:12:32,636 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,637 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: setting timed terminal event at 10020.0
2025-07-24 00:12:32,650 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: timed termination at 10020.0 for action_charge
2025-07-24 00:12:32,650 data.base                      INFO       <10020.00> Total reward: {}
2025-07-24 00:12:32,651 comm.communication             INFO       <10020.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,651 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,653 gym                            INFO       <10020.00> Step reward: 0.0
2025-07-24 00:12:32,654 gym                            INFO       <10020.00> === STARTING STEP ===
2025-07-24 00:12:32,654 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,655 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: setting timed terminal event at 10080.0
2025-07-24 00:12:32,662 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: timed termination at 10080.0 for action_desat
2025-07-24 00:12:32,663 data.base                      INFO       <10080.00> Total reward: {}
2025-07-24 00:12:32,663 comm.communication             INFO       <10080.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,664 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,666 gym                            INFO       <10080.00> Step reward: 0.0
2025-07-24 00:12:32,666 gym                            INFO       <10080.00> === STARTING STEP ===
2025-07-24 00:12:32,667 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,667 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: setting timed terminal event at 10200.0
2025-07-24 00:12:32,680 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: timed termination at 10200.0 for action_charge
2025-07-24 00:12:32,681 data.base                      INFO       <10200.00> Total reward: {}
2025-07-24 00:12:32,681 comm.communication             INFO       <10200.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,682 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,683 gym                            INFO       <10200.00> Step reward: 0.0
2025-07-24 00:12:32,684 gym                            INFO       <10200.00> === STARTING STEP ===
2025-07-24 00:12:32,684 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:32,685 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: setting timed terminal event at 10380.0
2025-07-24 00:12:32,707 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: timed termination at 10380.0 for action_nadir_scan
2025-07-24 00:12:32,708 data.base                      INFO       <10380.00> Total reward: {'Scanner-1': 0.005508771929824561}
2025-07-24 00:12:32,708 comm.communication             INFO       <10380.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,709 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,710 gym                            INFO       <10380.00> Step reward: 0.005508771929824561
2025-07-24 00:12:32,711 gym                            INFO       <10380.00> === STARTING STEP ===
2025-07-24 00:12:32,711 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,712 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: setting timed terminal event at 10440.0
2025-07-24 00:12:32,721 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: timed termination at 10440.0 for action_downlink
2025-07-24 00:12:32,721 data.base                      INFO       <10440.00> Total reward: {}
2025-07-24 00:12:32,721 comm.communication             INFO       <10440.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,722 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,724 gym                            INFO       <10440.00> Step reward: 0.0
2025-07-24 00:12:32,724 gym                            INFO       <10440.00> === STARTING STEP ===
2025-07-24 00:12:32,725 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:32,725 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: setting timed terminal event at 10620.0
2025-07-24 00:12:32,744 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: timed termination at 10620.0 for action_nadir_scan
2025-07-24 00:12:32,744 data.base                      INFO       <10620.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-24 00:12:32,745 comm.communication             INFO       <10620.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,746 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,747 gym                            INFO       <10620.00> Step reward: 0.00487719298245614
2025-07-24 00:12:32,748 gym                            INFO       <10620.00> === STARTING STEP ===
2025-07-24 00:12:32,749 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,749 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: setting timed terminal event at 10740.0
2025-07-24 00:12:32,762 sats.satellite.Scanner-1       INFO       <10740.00> Scanner-1: timed termination at 10740.0 for action_charge
2025-07-24 00:12:32,763 data.base                      INFO       <10740.00> Total reward: {}
2025-07-24 00:12:32,763 comm.communication             INFO       <10740.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,764 sats.satellite.Scanner-1       INFO       <10740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,766 gym                            INFO       <10740.00> Step reward: 0.0
2025-07-24 00:12:32,766 gym                            INFO       <10740.00> === STARTING STEP ===
2025-07-24 00:12:32,767 sats.satellite.Scanner-1       INFO       <10740.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,767 sats.satellite.Scanner-1       INFO       <10740.00> Scanner-1: setting timed terminal event at 10800.0
2025-07-24 00:12:32,775 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: timed termination at 10800.0 for action_downlink
2025-07-24 00:12:32,775 data.base                      INFO       <10800.00> Total reward: {}
2025-07-24 00:12:32,776 comm.communication             INFO       <10800.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,776 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,778 gym                            INFO       <10800.00> Step reward: 0.0
2025-07-24 00:12:32,779 gym                            INFO       <10800.00> === STARTING STEP ===
2025-07-24 00:12:32,779 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,779 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: setting timed terminal event at 10860.0
2025-07-24 00:12:32,787 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: timed termination at 10860.0 for action_desat
2025-07-24 00:12:32,788 data.base                      INFO       <10860.00> Total reward: {}
2025-07-24 00:12:32,788 comm.communication             INFO       <10860.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,789 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,790 gym                            INFO       <10860.00> Step reward: 0.0
2025-07-24 00:12:32,791 gym                            INFO       <10860.00> === STARTING STEP ===
2025-07-24 00:12:32,792 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,792 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: setting timed terminal event at 10980.0
2025-07-24 00:12:32,805 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: timed termination at 10980.0 for action_charge
2025-07-24 00:12:32,806 data.base                      INFO       <10980.00> Total reward: {}
2025-07-24 00:12:32,806 comm.communication             INFO       <10980.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,807 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,808 gym                            INFO       <10980.00> Step reward: 0.0
2025-07-24 00:12:32,809 gym                            INFO       <10980.00> === STARTING STEP ===
2025-07-24 00:12:32,810 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:32,810 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: setting timed terminal event at 11160.0
2025-07-24 00:12:32,829 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: timed termination at 11160.0 for action_nadir_scan
2025-07-24 00:12:32,829 data.base                      INFO       <11160.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:32,830 comm.communication             INFO       <11160.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,831 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,832 gym                            INFO       <11160.00> Step reward: 0.00631578947368421
2025-07-24 00:12:32,833 gym                            INFO       <11160.00> === STARTING STEP ===
2025-07-24 00:12:32,834 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,834 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: setting timed terminal event at 11220.0
2025-07-24 00:12:32,842 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: timed termination at 11220.0 for action_desat
2025-07-24 00:12:32,842 data.base                      INFO       <11220.00> Total reward: {}
2025-07-24 00:12:32,843 comm.communication             INFO       <11220.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,843 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,845 gym                            INFO       <11220.00> Step reward: 0.0
2025-07-24 00:12:32,846 gym                            INFO       <11220.00> === STARTING STEP ===
2025-07-24 00:12:32,846 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,847 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: setting timed terminal event at 11340.0
2025-07-24 00:12:32,860 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: timed termination at 11340.0 for action_charge
2025-07-24 00:12:32,860 data.base                      INFO       <11340.00> Total reward: {}
2025-07-24 00:12:32,861 comm.communication             INFO       <11340.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,861 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,863 gym                            INFO       <11340.00> Step reward: 0.0
2025-07-24 00:12:32,864 gym                            INFO       <11340.00> === STARTING STEP ===
2025-07-24 00:12:32,865 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,865 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: setting timed terminal event at 11400.0
2025-07-24 00:12:32,874 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: timed termination at 11400.0 for action_desat
2025-07-24 00:12:32,875 data.base                      INFO       <11400.00> Total reward: {}
2025-07-24 00:12:32,875 comm.communication             INFO       <11400.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,875 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,877 gym                            INFO       <11400.00> Step reward: 0.0
2025-07-24 00:12:32,878 gym                            INFO       <11400.00> === STARTING STEP ===
2025-07-24 00:12:32,878 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,878 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: setting timed terminal event at 11460.0
2025-07-24 00:12:32,887 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: timed termination at 11460.0 for action_desat
2025-07-24 00:12:32,888 data.base                      INFO       <11460.00> Total reward: {}
2025-07-24 00:12:32,889 comm.communication             INFO       <11460.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,889 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,891 gym                            INFO       <11460.00> Step reward: 0.0
2025-07-24 00:12:32,891 gym                            INFO       <11460.00> === STARTING STEP ===
2025-07-24 00:12:32,892 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,892 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: setting timed terminal event at 11520.0
2025-07-24 00:12:32,900 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: timed termination at 11520.0 for action_downlink
2025-07-24 00:12:32,900 data.base                      INFO       <11520.00> Total reward: {}
2025-07-24 00:12:32,901 comm.communication             INFO       <11520.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,901 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,903 gym                            INFO       <11520.00> Step reward: 0.0
2025-07-24 00:12:32,904 gym                            INFO       <11520.00> === STARTING STEP ===
2025-07-24 00:12:32,904 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,905 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: setting timed terminal event at 11580.0
2025-07-24 00:12:32,912 sats.satellite.Scanner-1       INFO       <11580.00> Scanner-1: timed termination at 11580.0 for action_desat
2025-07-24 00:12:32,913 data.base                      INFO       <11580.00> Total reward: {}
2025-07-24 00:12:32,913 comm.communication             INFO       <11580.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,914 sats.satellite.Scanner-1       INFO       <11580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,916 gym                            INFO       <11580.00> Step reward: 0.0
2025-07-24 00:12:32,916 gym                            INFO       <11580.00> === STARTING STEP ===
2025-07-24 00:12:32,917 sats.satellite.Scanner-1       INFO       <11580.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,917 sats.satellite.Scanner-1       INFO       <11580.00> Scanner-1: setting timed terminal event at 11640.0
2025-07-24 00:12:32,926 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: timed termination at 11640.0 for action_downlink
2025-07-24 00:12:32,926 data.base                      INFO       <11640.00> Total reward: {}
2025-07-24 00:12:32,927 comm.communication             INFO       <11640.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,927 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,929 gym                            INFO       <11640.00> Step reward: 0.0
2025-07-24 00:12:32,930 gym                            INFO       <11640.00> === STARTING STEP ===
2025-07-24 00:12:32,931 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:32,931 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: setting timed terminal event at 11700.0
2025-07-24 00:12:32,939 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: timed termination at 11700.0 for action_desat
2025-07-24 00:12:32,939 data.base                      INFO       <11700.00> Total reward: {}
2025-07-24 00:12:32,940 comm.communication             INFO       <11700.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,940 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,942 gym                            INFO       <11700.00> Step reward: 0.0
2025-07-24 00:12:32,943 gym                            INFO       <11700.00> === STARTING STEP ===
2025-07-24 00:12:32,943 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,944 sats.satellite.Scanner-1       INFO       <11700.00> Scanner-1: setting timed terminal event at 11820.0
2025-07-24 00:12:32,959 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: timed termination at 11820.0 for action_charge
2025-07-24 00:12:32,960 data.base                      INFO       <11820.00> Total reward: {}
2025-07-24 00:12:32,961 comm.communication             INFO       <11820.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,961 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,963 gym                            INFO       <11820.00> Step reward: 0.0
2025-07-24 00:12:32,963 gym                            INFO       <11820.00> === STARTING STEP ===
2025-07-24 00:12:32,964 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:32,964 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: setting timed terminal event at 11940.0
2025-07-24 00:12:32,980 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: timed termination at 11940.0 for action_charge
2025-07-24 00:12:32,980 data.base                      INFO       <11940.00> Total reward: {}
2025-07-24 00:12:32,981 comm.communication             INFO       <11940.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,981 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,983 gym                            INFO       <11940.00> Step reward: 0.0
2025-07-24 00:12:32,983 gym                            INFO       <11940.00> === STARTING STEP ===
2025-07-24 00:12:32,984 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:32,985 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: setting timed terminal event at 12000.0
2025-07-24 00:12:32,992 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: timed termination at 12000.0 for action_downlink
2025-07-24 00:12:32,993 data.base                      INFO       <12000.00> Total reward: {}
2025-07-24 00:12:32,993 comm.communication             INFO       <12000.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:32,994 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:32,995 gym                            INFO       <12000.00> Step reward: 0.0
2025-07-24 00:12:32,996 gym                            INFO       <12000.00> === STARTING STEP ===
2025-07-24 00:12:32,996 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:32,997 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: setting timed terminal event at 12180.0
2025-07-24 00:12:33,016 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: timed termination at 12180.0 for action_nadir_scan
2025-07-24 00:12:33,016 data.base                      INFO       <12180.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-24 00:12:33,017 comm.communication             INFO       <12180.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,018 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,019 gym                            INFO       <12180.00> Step reward: 0.004912280701754385
2025-07-24 00:12:33,020 gym                            INFO       <12180.00> === STARTING STEP ===
2025-07-24 00:12:33,020 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,021 sats.satellite.Scanner-1       INFO       <12180.00> Scanner-1: setting timed terminal event at 12240.0
2025-07-24 00:12:33,028 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: timed termination at 12240.0 for action_downlink
2025-07-24 00:12:33,029 data.base                      INFO       <12240.00> Total reward: {}
2025-07-24 00:12:33,029 comm.communication             INFO       <12240.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,030 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,032 gym                            INFO       <12240.00> Step reward: 0.0
2025-07-24 00:12:33,032 gym                            INFO       <12240.00> === STARTING STEP ===
2025-07-24 00:12:33,033 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,033 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: setting timed terminal event at 12300.0
2025-07-24 00:12:33,041 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: timed termination at 12300.0 for action_desat
2025-07-24 00:12:33,041 data.base                      INFO       <12300.00> Total reward: {}
2025-07-24 00:12:33,042 comm.communication             INFO       <12300.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,043 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,044 gym                            INFO       <12300.00> Step reward: 0.0
2025-07-24 00:12:33,045 gym                            INFO       <12300.00> === STARTING STEP ===
2025-07-24 00:12:33,046 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:33,046 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: setting timed terminal event at 12420.0
2025-07-24 00:12:33,059 sats.satellite.Scanner-1       INFO       <12420.00> Scanner-1: timed termination at 12420.0 for action_charge
2025-07-24 00:12:33,059 data.base                      INFO       <12420.00> Total reward: {}
2025-07-24 00:12:33,060 comm.communication             INFO       <12420.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,061 sats.satellite.Scanner-1       INFO       <12420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,062 gym                            INFO       <12420.00> Step reward: 0.0
2025-07-24 00:12:33,063 gym                            INFO       <12420.00> === STARTING STEP ===
2025-07-24 00:12:33,063 sats.satellite.Scanner-1       INFO       <12420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,064 sats.satellite.Scanner-1       INFO       <12420.00> Scanner-1: setting timed terminal event at 12480.0
2025-07-24 00:12:33,071 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: timed termination at 12480.0 for action_desat
2025-07-24 00:12:33,072 data.base                      INFO       <12480.00> Total reward: {}
2025-07-24 00:12:33,072 comm.communication             INFO       <12480.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,072 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,074 gym                            INFO       <12480.00> Step reward: 0.0
2025-07-24 00:12:33,075 gym                            INFO       <12480.00> === STARTING STEP ===
2025-07-24 00:12:33,075 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,076 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: setting timed terminal event at 12540.0
2025-07-24 00:12:33,083 sats.satellite.Scanner-1       INFO       <12540.00> Scanner-1: timed termination at 12540.0 for action_downlink
2025-07-24 00:12:33,084 data.base                      INFO       <12540.00> Total reward: {}
2025-07-24 00:12:33,084 comm.communication             INFO       <12540.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,085 sats.satellite.Scanner-1       INFO       <12540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,087 gym                            INFO       <12540.00> Step reward: 0.0
2025-07-24 00:12:33,087 gym                            INFO       <12540.00> === STARTING STEP ===
2025-07-24 00:12:33,088 sats.satellite.Scanner-1       INFO       <12540.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,088 sats.satellite.Scanner-1       INFO       <12540.00> Scanner-1: setting timed terminal event at 12600.0
2025-07-24 00:12:33,096 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: timed termination at 12600.0 for action_downlink
2025-07-24 00:12:33,097 data.base                      INFO       <12600.00> Total reward: {}
2025-07-24 00:12:33,097 comm.communication             INFO       <12600.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,098 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,100 gym                            INFO       <12600.00> Step reward: 0.0
2025-07-24 00:12:33,100 gym                            INFO       <12600.00> === STARTING STEP ===
2025-07-24 00:12:33,101 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,101 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: setting timed terminal event at 12660.0
2025-07-24 00:12:33,110 sats.satellite.Scanner-1       INFO       <12660.00> Scanner-1: timed termination at 12660.0 for action_desat
2025-07-24 00:12:33,110 data.base                      INFO       <12660.00> Total reward: {}
2025-07-24 00:12:33,111 comm.communication             INFO       <12660.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,111 sats.satellite.Scanner-1       INFO       <12660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,113 gym                            INFO       <12660.00> Step reward: 0.0
2025-07-24 00:12:33,114 gym                            INFO       <12660.00> === STARTING STEP ===
2025-07-24 00:12:33,114 sats.satellite.Scanner-1       INFO       <12660.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,115 sats.satellite.Scanner-1       INFO       <12660.00> Scanner-1: setting timed terminal event at 12840.0
2025-07-24 00:12:33,134 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: timed termination at 12840.0 for action_nadir_scan
2025-07-24 00:12:33,134 data.base                      INFO       <12840.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-07-24 00:12:33,135 comm.communication             INFO       <12840.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,135 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,137 gym                            INFO       <12840.00> Step reward: 0.004947368421052631
2025-07-24 00:12:33,138 gym                            INFO       <12840.00> === STARTING STEP ===
2025-07-24 00:12:33,139 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,139 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: setting timed terminal event at 12900.0
2025-07-24 00:12:33,148 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: timed termination at 12900.0 for action_downlink
2025-07-24 00:12:33,148 data.base                      INFO       <12900.00> Total reward: {}
2025-07-24 00:12:33,149 comm.communication             INFO       <12900.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,150 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,152 gym                            INFO       <12900.00> Step reward: 0.0
2025-07-24 00:12:33,152 gym                            INFO       <12900.00> === STARTING STEP ===
2025-07-24 00:12:33,152 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,153 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: setting timed terminal event at 13080.0
2025-07-24 00:12:33,172 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: timed termination at 13080.0 for action_nadir_scan
2025-07-24 00:12:33,173 data.base                      INFO       <13080.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-24 00:12:33,173 comm.communication             INFO       <13080.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,173 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,175 gym                            INFO       <13080.00> Step reward: 0.00487719298245614
2025-07-24 00:12:33,176 gym                            INFO       <13080.00> === STARTING STEP ===
2025-07-24 00:12:33,177 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:33,177 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: setting timed terminal event at 13200.0
2025-07-24 00:12:33,190 sats.satellite.Scanner-1       INFO       <13200.00> Scanner-1: timed termination at 13200.0 for action_charge
2025-07-24 00:12:33,191 data.base                      INFO       <13200.00> Total reward: {}
2025-07-24 00:12:33,191 comm.communication             INFO       <13200.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,192 sats.satellite.Scanner-1       INFO       <13200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,194 gym                            INFO       <13200.00> Step reward: 0.0
2025-07-24 00:12:33,194 gym                            INFO       <13200.00> === STARTING STEP ===
2025-07-24 00:12:33,195 sats.satellite.Scanner-1       INFO       <13200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,195 sats.satellite.Scanner-1       INFO       <13200.00> Scanner-1: setting timed terminal event at 13380.0
2025-07-24 00:12:33,214 sats.satellite.Scanner-1       INFO       <13380.00> Scanner-1: timed termination at 13380.0 for action_nadir_scan
2025-07-24 00:12:33,214 data.base                      INFO       <13380.00> Total reward: {'Scanner-1': 0.004701754385964912}
2025-07-24 00:12:33,215 comm.communication             INFO       <13380.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,215 sats.satellite.Scanner-1       INFO       <13380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,217 gym                            INFO       <13380.00> Step reward: 0.004701754385964912
2025-07-24 00:12:33,217 gym                            INFO       <13380.00> === STARTING STEP ===
2025-07-24 00:12:33,218 sats.satellite.Scanner-1       INFO       <13380.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,219 sats.satellite.Scanner-1       INFO       <13380.00> Scanner-1: setting timed terminal event at 13560.0
2025-07-24 00:12:33,238 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: timed termination at 13560.0 for action_nadir_scan
2025-07-24 00:12:33,238 data.base                      INFO       <13560.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:33,239 comm.communication             INFO       <13560.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,239 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,241 gym                            INFO       <13560.00> Step reward: 0.00631578947368421
2025-07-24 00:12:33,242 gym                            INFO       <13560.00> === STARTING STEP ===
2025-07-24 00:12:33,242 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,243 sats.satellite.Scanner-1       INFO       <13560.00> Scanner-1: setting timed terminal event at 13620.0
2025-07-24 00:12:33,251 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: timed termination at 13620.0 for action_downlink
2025-07-24 00:12:33,252 data.base                      INFO       <13620.00> Total reward: {}
2025-07-24 00:12:33,252 comm.communication             INFO       <13620.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,253 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,254 gym                            INFO       <13620.00> Step reward: 0.0
2025-07-24 00:12:33,255 gym                            INFO       <13620.00> === STARTING STEP ===
2025-07-24 00:12:33,255 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,256 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: setting timed terminal event at 13680.0
2025-07-24 00:12:33,263 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: timed termination at 13680.0 for action_downlink
2025-07-24 00:12:33,264 data.base                      INFO       <13680.00> Total reward: {}
2025-07-24 00:12:33,264 comm.communication             INFO       <13680.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,265 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,266 gym                            INFO       <13680.00> Step reward: 0.0
2025-07-24 00:12:33,267 gym                            INFO       <13680.00> === STARTING STEP ===
2025-07-24 00:12:33,268 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,268 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: setting timed terminal event at 13860.0
2025-07-24 00:12:33,291 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: timed termination at 13860.0 for action_nadir_scan
2025-07-24 00:12:33,292 data.base                      INFO       <13860.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-07-24 00:12:33,292 comm.communication             INFO       <13860.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,293 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,295 gym                            INFO       <13860.00> Step reward: 0.004947368421052631
2025-07-24 00:12:33,295 gym                            INFO       <13860.00> === STARTING STEP ===
2025-07-24 00:12:33,296 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:33,296 sats.satellite.Scanner-1       INFO       <13860.00> Scanner-1: setting timed terminal event at 13980.0
2025-07-24 00:12:33,309 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: timed termination at 13980.0 for action_charge
2025-07-24 00:12:33,310 data.base                      INFO       <13980.00> Total reward: {}
2025-07-24 00:12:33,310 comm.communication             INFO       <13980.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,311 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,313 gym                            INFO       <13980.00> Step reward: 0.0
2025-07-24 00:12:33,313 gym                            INFO       <13980.00> === STARTING STEP ===
2025-07-24 00:12:33,314 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,314 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: setting timed terminal event at 14160.0
2025-07-24 00:12:33,333 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: timed termination at 14160.0 for action_nadir_scan
2025-07-24 00:12:33,334 data.base                      INFO       <14160.00> Total reward: {'Scanner-1': 0.004596491228070175}
2025-07-24 00:12:33,334 comm.communication             INFO       <14160.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,335 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,337 gym                            INFO       <14160.00> Step reward: 0.004596491228070175
2025-07-24 00:12:33,337 gym                            INFO       <14160.00> === STARTING STEP ===
2025-07-24 00:12:33,338 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:33,338 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: setting timed terminal event at 14280.0
2025-07-24 00:12:33,352 sats.satellite.Scanner-1       INFO       <14280.00> Scanner-1: timed termination at 14280.0 for action_charge
2025-07-24 00:12:33,352 data.base                      INFO       <14280.00> Total reward: {}
2025-07-24 00:12:33,353 comm.communication             INFO       <14280.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,353 sats.satellite.Scanner-1       INFO       <14280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,355 gym                            INFO       <14280.00> Step reward: 0.0
2025-07-24 00:12:33,355 gym                            INFO       <14280.00> === STARTING STEP ===
2025-07-24 00:12:33,356 sats.satellite.Scanner-1       INFO       <14280.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:33,357 sats.satellite.Scanner-1       INFO       <14280.00> Scanner-1: setting timed terminal event at 14400.0
2025-07-24 00:12:33,372 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: timed termination at 14400.0 for action_charge
2025-07-24 00:12:33,373 data.base                      INFO       <14400.00> Total reward: {}
2025-07-24 00:12:33,373 comm.communication             INFO       <14400.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,373 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,376 gym                            INFO       <14400.00> Step reward: 0.0
2025-07-24 00:12:33,376 gym                            INFO       <14400.00> === STARTING STEP ===
2025-07-24 00:12:33,377 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,377 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: setting timed terminal event at 14460.0
2025-07-24 00:12:33,386 sats.satellite.Scanner-1       INFO       <14460.00> Scanner-1: timed termination at 14460.0 for action_desat
2025-07-24 00:12:33,386 data.base                      INFO       <14460.00> Total reward: {}
2025-07-24 00:12:33,387 comm.communication             INFO       <14460.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,388 sats.satellite.Scanner-1       INFO       <14460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,389 gym                            INFO       <14460.00> Step reward: 0.0
2025-07-24 00:12:33,390 gym                            INFO       <14460.00> === STARTING STEP ===
2025-07-24 00:12:33,391 sats.satellite.Scanner-1       INFO       <14460.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,391 sats.satellite.Scanner-1       INFO       <14460.00> Scanner-1: setting timed terminal event at 14520.0
2025-07-24 00:12:33,400 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: timed termination at 14520.0 for action_desat
2025-07-24 00:12:33,401 data.base                      INFO       <14520.00> Total reward: {}
2025-07-24 00:12:33,401 comm.communication             INFO       <14520.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,402 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,403 gym                            INFO       <14520.00> Step reward: 0.0
2025-07-24 00:12:33,404 gym                            INFO       <14520.00> === STARTING STEP ===
2025-07-24 00:12:33,405 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,405 sats.satellite.Scanner-1       INFO       <14520.00> Scanner-1: setting timed terminal event at 14580.0
2025-07-24 00:12:33,414 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: timed termination at 14580.0 for action_desat
2025-07-24 00:12:33,414 data.base                      INFO       <14580.00> Total reward: {}
2025-07-24 00:12:33,415 comm.communication             INFO       <14580.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,416 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,417 gym                            INFO       <14580.00> Step reward: 0.0
2025-07-24 00:12:33,418 gym                            INFO       <14580.00> === STARTING STEP ===
2025-07-24 00:12:33,419 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,419 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: setting timed terminal event at 14640.0
2025-07-24 00:12:33,427 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: timed termination at 14640.0 for action_downlink
2025-07-24 00:12:33,428 data.base                      INFO       <14640.00> Total reward: {}
2025-07-24 00:12:33,428 comm.communication             INFO       <14640.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,429 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,431 gym                            INFO       <14640.00> Step reward: 0.0
2025-07-24 00:12:33,431 gym                            INFO       <14640.00> === STARTING STEP ===
2025-07-24 00:12:33,432 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,433 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: setting timed terminal event at 14700.0
2025-07-24 00:12:33,440 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: timed termination at 14700.0 for action_desat
2025-07-24 00:12:33,441 data.base                      INFO       <14700.00> Total reward: {}
2025-07-24 00:12:33,441 comm.communication             INFO       <14700.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,442 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,444 gym                            INFO       <14700.00> Step reward: 0.0
2025-07-24 00:12:33,444 gym                            INFO       <14700.00> === STARTING STEP ===
2025-07-24 00:12:33,445 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,445 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: setting timed terminal event at 14760.0
2025-07-24 00:12:33,453 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: timed termination at 14760.0 for action_downlink
2025-07-24 00:12:33,453 data.base                      INFO       <14760.00> Total reward: {}
2025-07-24 00:12:33,454 comm.communication             INFO       <14760.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,454 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,456 gym                            INFO       <14760.00> Step reward: 0.0
2025-07-24 00:12:33,457 gym                            INFO       <14760.00> === STARTING STEP ===
2025-07-24 00:12:33,457 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,458 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: setting timed terminal event at 14820.0
2025-07-24 00:12:33,465 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: timed termination at 14820.0 for action_desat
2025-07-24 00:12:33,466 data.base                      INFO       <14820.00> Total reward: {}
2025-07-24 00:12:33,466 comm.communication             INFO       <14820.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,467 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,469 gym                            INFO       <14820.00> Step reward: 0.0
2025-07-24 00:12:33,469 gym                            INFO       <14820.00> === STARTING STEP ===
2025-07-24 00:12:33,470 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,470 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: setting timed terminal event at 14880.0
2025-07-24 00:12:33,478 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: timed termination at 14880.0 for action_desat
2025-07-24 00:12:33,478 data.base                      INFO       <14880.00> Total reward: {}
2025-07-24 00:12:33,479 comm.communication             INFO       <14880.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,480 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,481 gym                            INFO       <14880.00> Step reward: 0.0
2025-07-24 00:12:33,482 gym                            INFO       <14880.00> === STARTING STEP ===
2025-07-24 00:12:33,482 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:33,483 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: setting timed terminal event at 15000.0
2025-07-24 00:12:33,496 sats.satellite.Scanner-1       INFO       <15000.00> Scanner-1: timed termination at 15000.0 for action_charge
2025-07-24 00:12:33,496 data.base                      INFO       <15000.00> Total reward: {}
2025-07-24 00:12:33,497 comm.communication             INFO       <15000.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,497 sats.satellite.Scanner-1       INFO       <15000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,499 gym                            INFO       <15000.00> Step reward: 0.0
2025-07-24 00:12:33,500 gym                            INFO       <15000.00> === STARTING STEP ===
2025-07-24 00:12:33,500 sats.satellite.Scanner-1       INFO       <15000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,501 sats.satellite.Scanner-1       INFO       <15000.00> Scanner-1: setting timed terminal event at 15180.0
2025-07-24 00:12:33,520 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: timed termination at 15180.0 for action_nadir_scan
2025-07-24 00:12:33,520 data.base                      INFO       <15180.00> Total reward: {'Scanner-1': 0.0048070175438596485}
2025-07-24 00:12:33,521 comm.communication             INFO       <15180.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,522 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,524 gym                            INFO       <15180.00> Step reward: 0.0048070175438596485
2025-07-24 00:12:33,525 gym                            INFO       <15180.00> === STARTING STEP ===
2025-07-24 00:12:33,525 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,526 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: setting timed terminal event at 15240.0
2025-07-24 00:12:33,534 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: timed termination at 15240.0 for action_downlink
2025-07-24 00:12:33,534 data.base                      INFO       <15240.00> Total reward: {}
2025-07-24 00:12:33,535 comm.communication             INFO       <15240.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,535 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,537 gym                            INFO       <15240.00> Step reward: 0.0
2025-07-24 00:12:33,538 gym                            INFO       <15240.00> === STARTING STEP ===
2025-07-24 00:12:33,538 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,539 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: setting timed terminal event at 15300.0
2025-07-24 00:12:33,546 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: timed termination at 15300.0 for action_downlink
2025-07-24 00:12:33,546 data.base                      INFO       <15300.00> Total reward: {}
2025-07-24 00:12:33,547 comm.communication             INFO       <15300.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,547 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,549 gym                            INFO       <15300.00> Step reward: 0.0
2025-07-24 00:12:33,549 gym                            INFO       <15300.00> === STARTING STEP ===
2025-07-24 00:12:33,550 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,550 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: setting timed terminal event at 15480.0
2025-07-24 00:12:33,573 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: timed termination at 15480.0 for action_nadir_scan
2025-07-24 00:12:33,574 data.base                      INFO       <15480.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-24 00:12:33,574 comm.communication             INFO       <15480.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,575 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,577 gym                            INFO       <15480.00> Step reward: 0.004912280701754385
2025-07-24 00:12:33,577 gym                            INFO       <15480.00> === STARTING STEP ===
2025-07-24 00:12:33,578 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,578 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: setting timed terminal event at 15540.0
2025-07-24 00:12:33,587 sats.satellite.Scanner-1       INFO       <15540.00> Scanner-1: timed termination at 15540.0 for action_downlink
2025-07-24 00:12:33,588 data.base                      INFO       <15540.00> Total reward: {}
2025-07-24 00:12:33,588 comm.communication             INFO       <15540.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,588 sats.satellite.Scanner-1       INFO       <15540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,590 gym                            INFO       <15540.00> Step reward: 0.0
2025-07-24 00:12:33,591 gym                            INFO       <15540.00> === STARTING STEP ===
2025-07-24 00:12:33,591 sats.satellite.Scanner-1       INFO       <15540.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,592 sats.satellite.Scanner-1       INFO       <15540.00> Scanner-1: setting timed terminal event at 15600.0
2025-07-24 00:12:33,601 sats.satellite.Scanner-1       INFO       <15600.00> Scanner-1: timed termination at 15600.0 for action_desat
2025-07-24 00:12:33,601 data.base                      INFO       <15600.00> Total reward: {}
2025-07-24 00:12:33,602 comm.communication             INFO       <15600.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,602 sats.satellite.Scanner-1       INFO       <15600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,604 gym                            INFO       <15600.00> Step reward: 0.0
2025-07-24 00:12:33,605 gym                            INFO       <15600.00> === STARTING STEP ===
2025-07-24 00:12:33,606 sats.satellite.Scanner-1       INFO       <15600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,606 sats.satellite.Scanner-1       INFO       <15600.00> Scanner-1: setting timed terminal event at 15660.0
2025-07-24 00:12:33,615 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: timed termination at 15660.0 for action_desat
2025-07-24 00:12:33,615 data.base                      INFO       <15660.00> Total reward: {}
2025-07-24 00:12:33,616 comm.communication             INFO       <15660.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,616 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,618 gym                            INFO       <15660.00> Step reward: 0.0
2025-07-24 00:12:33,619 gym                            INFO       <15660.00> === STARTING STEP ===
2025-07-24 00:12:33,619 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,620 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: setting timed terminal event at 15720.0
2025-07-24 00:12:33,627 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: timed termination at 15720.0 for action_downlink
2025-07-24 00:12:33,628 data.base                      INFO       <15720.00> Total reward: {}
2025-07-24 00:12:33,628 comm.communication             INFO       <15720.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,629 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,630 gym                            INFO       <15720.00> Step reward: 0.0
2025-07-24 00:12:33,631 gym                            INFO       <15720.00> === STARTING STEP ===
2025-07-24 00:12:33,632 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:33,632 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: setting timed terminal event at 15840.0
2025-07-24 00:12:33,645 sats.satellite.Scanner-1       INFO       <15840.00> Scanner-1: timed termination at 15840.0 for action_charge
2025-07-24 00:12:33,646 data.base                      INFO       <15840.00> Total reward: {}
2025-07-24 00:12:33,647 comm.communication             INFO       <15840.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,647 sats.satellite.Scanner-1       INFO       <15840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,649 gym                            INFO       <15840.00> Step reward: 0.0
2025-07-24 00:12:33,650 gym                            INFO       <15840.00> === STARTING STEP ===
2025-07-24 00:12:33,650 sats.satellite.Scanner-1       INFO       <15840.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,651 sats.satellite.Scanner-1       INFO       <15840.00> Scanner-1: setting timed terminal event at 16020.0
2025-07-24 00:12:33,670 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: timed termination at 16020.0 for action_nadir_scan
2025-07-24 00:12:33,671 data.base                      INFO       <16020.00> Total reward: {'Scanner-1': 0.005508771929824561}
2025-07-24 00:12:33,671 comm.communication             INFO       <16020.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,672 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,674 gym                            INFO       <16020.00> Step reward: 0.005508771929824561
2025-07-24 00:12:33,674 gym                            INFO       <16020.00> === STARTING STEP ===
2025-07-24 00:12:33,675 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,675 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: setting timed terminal event at 16080.0
2025-07-24 00:12:33,683 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: timed termination at 16080.0 for action_downlink
2025-07-24 00:12:33,683 data.base                      INFO       <16080.00> Total reward: {}
2025-07-24 00:12:33,684 comm.communication             INFO       <16080.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,684 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,686 gym                            INFO       <16080.00> Step reward: 0.0
2025-07-24 00:12:33,687 gym                            INFO       <16080.00> === STARTING STEP ===
2025-07-24 00:12:33,688 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,688 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: setting timed terminal event at 16140.0
2025-07-24 00:12:33,695 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: timed termination at 16140.0 for action_downlink
2025-07-24 00:12:33,696 data.base                      INFO       <16140.00> Total reward: {}
2025-07-24 00:12:33,696 comm.communication             INFO       <16140.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,697 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,699 gym                            INFO       <16140.00> Step reward: 0.0
2025-07-24 00:12:33,700 gym                            INFO       <16140.00> === STARTING STEP ===
2025-07-24 00:12:33,700 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,700 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: setting timed terminal event at 16200.0
2025-07-24 00:12:33,708 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: timed termination at 16200.0 for action_downlink
2025-07-24 00:12:33,708 data.base                      INFO       <16200.00> Total reward: {}
2025-07-24 00:12:33,709 comm.communication             INFO       <16200.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,710 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,711 gym                            INFO       <16200.00> Step reward: 0.0
2025-07-24 00:12:33,712 gym                            INFO       <16200.00> === STARTING STEP ===
2025-07-24 00:12:33,712 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,713 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: setting timed terminal event at 16380.0
2025-07-24 00:12:33,732 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: timed termination at 16380.0 for action_nadir_scan
2025-07-24 00:12:33,732 data.base                      INFO       <16380.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-24 00:12:33,733 comm.communication             INFO       <16380.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,733 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,735 gym                            INFO       <16380.00> Step reward: 0.004912280701754385
2025-07-24 00:12:33,736 gym                            INFO       <16380.00> === STARTING STEP ===
2025-07-24 00:12:33,736 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,737 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: setting timed terminal event at 16440.0
2025-07-24 00:12:33,744 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: timed termination at 16440.0 for action_downlink
2025-07-24 00:12:33,745 data.base                      INFO       <16440.00> Total reward: {}
2025-07-24 00:12:33,745 comm.communication             INFO       <16440.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,746 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,748 gym                            INFO       <16440.00> Step reward: 0.0
2025-07-24 00:12:33,749 gym                            INFO       <16440.00> === STARTING STEP ===
2025-07-24 00:12:33,749 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,749 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: setting timed terminal event at 16620.0
2025-07-24 00:12:33,768 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: timed termination at 16620.0 for action_nadir_scan
2025-07-24 00:12:33,769 data.base                      INFO       <16620.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-24 00:12:33,769 comm.communication             INFO       <16620.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,770 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,772 gym                            INFO       <16620.00> Step reward: 0.00487719298245614
2025-07-24 00:12:33,773 gym                            INFO       <16620.00> === STARTING STEP ===
2025-07-24 00:12:33,773 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,774 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: setting timed terminal event at 16800.0
2025-07-24 00:12:33,793 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: timed termination at 16800.0 for action_nadir_scan
2025-07-24 00:12:33,793 data.base                      INFO       <16800.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:33,794 comm.communication             INFO       <16800.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,794 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,796 gym                            INFO       <16800.00> Step reward: 0.00631578947368421
2025-07-24 00:12:33,797 gym                            INFO       <16800.00> === STARTING STEP ===
2025-07-24 00:12:33,797 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,798 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: setting timed terminal event at 16980.0
2025-07-24 00:12:33,817 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: timed termination at 16980.0 for action_nadir_scan
2025-07-24 00:12:33,818 data.base                      INFO       <16980.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:33,818 comm.communication             INFO       <16980.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,819 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,821 gym                            INFO       <16980.00> Step reward: 0.00631578947368421
2025-07-24 00:12:33,821 gym                            INFO       <16980.00> === STARTING STEP ===
2025-07-24 00:12:33,822 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:33,823 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: setting timed terminal event at 17040.0
2025-07-24 00:12:33,830 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: timed termination at 17040.0 for action_downlink
2025-07-24 00:12:33,831 data.base                      INFO       <17040.00> Total reward: {}
2025-07-24 00:12:33,832 comm.communication             INFO       <17040.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,832 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,834 gym                            INFO       <17040.00> Step reward: 0.0
2025-07-24 00:12:33,834 gym                            INFO       <17040.00> === STARTING STEP ===
2025-07-24 00:12:33,835 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,836 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: setting timed terminal event at 17100.0
2025-07-24 00:12:33,843 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: timed termination at 17100.0 for action_desat
2025-07-24 00:12:33,843 data.base                      INFO       <17100.00> Total reward: {}
2025-07-24 00:12:33,844 comm.communication             INFO       <17100.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,845 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,846 gym                            INFO       <17100.00> Step reward: 0.0
2025-07-24 00:12:33,847 gym                            INFO       <17100.00> === STARTING STEP ===
2025-07-24 00:12:33,847 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:33,848 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: setting timed terminal event at 17220.0
2025-07-24 00:12:33,861 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: timed termination at 17220.0 for action_charge
2025-07-24 00:12:33,862 data.base                      INFO       <17220.00> Total reward: {}
2025-07-24 00:12:33,862 comm.communication             INFO       <17220.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,863 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,864 gym                            INFO       <17220.00> Step reward: 0.0
2025-07-24 00:12:33,865 gym                            INFO       <17220.00> === STARTING STEP ===
2025-07-24 00:12:33,865 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,866 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: setting timed terminal event at 17400.0
2025-07-24 00:12:33,885 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: timed termination at 17400.0 for action_nadir_scan
2025-07-24 00:12:33,886 data.base                      INFO       <17400.00> Total reward: {'Scanner-1': 0.005859649122807017}
2025-07-24 00:12:33,886 comm.communication             INFO       <17400.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,887 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,888 gym                            INFO       <17400.00> Step reward: 0.005859649122807017
2025-07-24 00:12:33,889 gym                            INFO       <17400.00> === STARTING STEP ===
2025-07-24 00:12:33,890 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,890 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: setting timed terminal event at 17580.0
2025-07-24 00:12:33,909 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: timed termination at 17580.0 for action_nadir_scan
2025-07-24 00:12:33,909 data.base                      INFO       <17580.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:33,910 comm.communication             INFO       <17580.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,910 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,912 gym                            INFO       <17580.00> Step reward: 0.00631578947368421
2025-07-24 00:12:33,913 gym                            INFO       <17580.00> === STARTING STEP ===
2025-07-24 00:12:33,914 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,914 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: setting timed terminal event at 17760.0
2025-07-24 00:12:33,933 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: timed termination at 17760.0 for action_nadir_scan
2025-07-24 00:12:33,933 data.base                      INFO       <17760.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:33,934 comm.communication             INFO       <17760.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,934 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,936 gym                            INFO       <17760.00> Step reward: 0.00631578947368421
2025-07-24 00:12:33,937 gym                            INFO       <17760.00> === STARTING STEP ===
2025-07-24 00:12:33,937 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:33,937 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: setting timed terminal event at 17880.0
2025-07-24 00:12:33,951 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: timed termination at 17880.0 for action_charge
2025-07-24 00:12:33,951 data.base                      INFO       <17880.00> Total reward: {}
2025-07-24 00:12:33,952 comm.communication             INFO       <17880.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,952 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,954 gym                            INFO       <17880.00> Step reward: 0.0
2025-07-24 00:12:33,955 gym                            INFO       <17880.00> === STARTING STEP ===
2025-07-24 00:12:33,955 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:33,956 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: setting timed terminal event at 17940.0
2025-07-24 00:12:33,963 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: timed termination at 17940.0 for action_desat
2025-07-24 00:12:33,964 data.base                      INFO       <17940.00> Total reward: {}
2025-07-24 00:12:33,964 comm.communication             INFO       <17940.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,965 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,966 gym                            INFO       <17940.00> Step reward: 0.0
2025-07-24 00:12:33,967 gym                            INFO       <17940.00> === STARTING STEP ===
2025-07-24 00:12:33,968 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:33,968 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: setting timed terminal event at 18120.0
2025-07-24 00:12:33,987 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: timed termination at 18120.0 for action_nadir_scan
2025-07-24 00:12:33,988 data.base                      INFO       <18120.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-24 00:12:33,988 comm.communication             INFO       <18120.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:33,989 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:33,990 gym                            INFO       <18120.00> Step reward: 0.004912280701754385
2025-07-24 00:12:33,991 gym                            INFO       <18120.00> === STARTING STEP ===
2025-07-24 00:12:33,992 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:33,992 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: setting timed terminal event at 18240.0
2025-07-24 00:12:34,005 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: timed termination at 18240.0 for action_charge
2025-07-24 00:12:34,006 data.base                      INFO       <18240.00> Total reward: {}
2025-07-24 00:12:34,007 comm.communication             INFO       <18240.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,007 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,009 gym                            INFO       <18240.00> Step reward: 0.0
2025-07-24 00:12:34,009 gym                            INFO       <18240.00> === STARTING STEP ===
2025-07-24 00:12:34,010 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:34,010 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: setting timed terminal event at 18300.0
2025-07-24 00:12:34,019 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: timed termination at 18300.0 for action_desat
2025-07-24 00:12:34,020 data.base                      INFO       <18300.00> Total reward: {}
2025-07-24 00:12:34,020 comm.communication             INFO       <18300.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,021 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,023 gym                            INFO       <18300.00> Step reward: 0.0
2025-07-24 00:12:34,023 gym                            INFO       <18300.00> === STARTING STEP ===
2025-07-24 00:12:34,024 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:34,024 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: setting timed terminal event at 18360.0
2025-07-24 00:12:34,032 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: timed termination at 18360.0 for action_desat
2025-07-24 00:12:34,032 data.base                      INFO       <18360.00> Total reward: {}
2025-07-24 00:12:34,033 comm.communication             INFO       <18360.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,033 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,035 gym                            INFO       <18360.00> Step reward: 0.0
2025-07-24 00:12:34,036 gym                            INFO       <18360.00> === STARTING STEP ===
2025-07-24 00:12:34,036 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:34,037 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: setting timed terminal event at 18420.0
2025-07-24 00:12:34,044 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: timed termination at 18420.0 for action_desat
2025-07-24 00:12:34,045 data.base                      INFO       <18420.00> Total reward: {}
2025-07-24 00:12:34,045 comm.communication             INFO       <18420.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,046 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,048 gym                            INFO       <18420.00> Step reward: 0.0
2025-07-24 00:12:34,048 gym                            INFO       <18420.00> === STARTING STEP ===
2025-07-24 00:12:34,049 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,049 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: setting timed terminal event at 18600.0
2025-07-24 00:12:34,068 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: timed termination at 18600.0 for action_nadir_scan
2025-07-24 00:12:34,069 data.base                      INFO       <18600.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-07-24 00:12:34,070 comm.communication             INFO       <18600.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,070 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,073 gym                            INFO       <18600.00> Step reward: 0.004947368421052631
2025-07-24 00:12:34,074 gym                            INFO       <18600.00> === STARTING STEP ===
2025-07-24 00:12:34,074 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:34,074 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: setting timed terminal event at 18660.0
2025-07-24 00:12:34,082 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: timed termination at 18660.0 for action_downlink
2025-07-24 00:12:34,082 data.base                      INFO       <18660.00> Total reward: {}
2025-07-24 00:12:34,083 comm.communication             INFO       <18660.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,084 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,085 gym                            INFO       <18660.00> Step reward: 0.0
2025-07-24 00:12:34,086 gym                            INFO       <18660.00> === STARTING STEP ===
2025-07-24 00:12:34,087 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,087 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: setting timed terminal event at 18780.0
2025-07-24 00:12:34,100 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: timed termination at 18780.0 for action_charge
2025-07-24 00:12:34,101 data.base                      INFO       <18780.00> Total reward: {}
2025-07-24 00:12:34,102 comm.communication             INFO       <18780.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,102 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,104 gym                            INFO       <18780.00> Step reward: 0.0
2025-07-24 00:12:34,105 gym                            INFO       <18780.00> === STARTING STEP ===
2025-07-24 00:12:34,106 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:34,106 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: setting timed terminal event at 18840.0
2025-07-24 00:12:34,114 sats.satellite.Scanner-1       INFO       <18840.00> Scanner-1: timed termination at 18840.0 for action_downlink
2025-07-24 00:12:34,114 data.base                      INFO       <18840.00> Total reward: {}
2025-07-24 00:12:34,115 comm.communication             INFO       <18840.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,115 sats.satellite.Scanner-1       INFO       <18840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,117 gym                            INFO       <18840.00> Step reward: 0.0
2025-07-24 00:12:34,118 gym                            INFO       <18840.00> === STARTING STEP ===
2025-07-24 00:12:34,118 sats.satellite.Scanner-1       INFO       <18840.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,119 sats.satellite.Scanner-1       INFO       <18840.00> Scanner-1: setting timed terminal event at 19020.0
2025-07-24 00:12:34,138 sats.satellite.Scanner-1       INFO       <19020.00> Scanner-1: timed termination at 19020.0 for action_nadir_scan
2025-07-24 00:12:34,139 data.base                      INFO       <19020.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-07-24 00:12:34,139 comm.communication             INFO       <19020.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,140 sats.satellite.Scanner-1       INFO       <19020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,142 gym                            INFO       <19020.00> Step reward: 0.0049824561403508764
2025-07-24 00:12:34,143 gym                            INFO       <19020.00> === STARTING STEP ===
2025-07-24 00:12:34,143 sats.satellite.Scanner-1       INFO       <19020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:34,144 sats.satellite.Scanner-1       INFO       <19020.00> Scanner-1: setting timed terminal event at 19080.0
2025-07-24 00:12:34,151 sats.satellite.Scanner-1       INFO       <19080.00> Scanner-1: timed termination at 19080.0 for action_downlink
2025-07-24 00:12:34,152 data.base                      INFO       <19080.00> Total reward: {}
2025-07-24 00:12:34,152 comm.communication             INFO       <19080.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,153 sats.satellite.Scanner-1       INFO       <19080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,155 gym                            INFO       <19080.00> Step reward: 0.0
2025-07-24 00:12:34,156 gym                            INFO       <19080.00> === STARTING STEP ===
2025-07-24 00:12:34,156 sats.satellite.Scanner-1       INFO       <19080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:34,157 sats.satellite.Scanner-1       INFO       <19080.00> Scanner-1: setting timed terminal event at 19140.0
2025-07-24 00:12:34,166 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: timed termination at 19140.0 for action_desat
2025-07-24 00:12:34,166 data.base                      INFO       <19140.00> Total reward: {}
2025-07-24 00:12:34,167 comm.communication             INFO       <19140.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,167 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,169 gym                            INFO       <19140.00> Step reward: 0.0
2025-07-24 00:12:34,170 gym                            INFO       <19140.00> === STARTING STEP ===
2025-07-24 00:12:34,170 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,171 sats.satellite.Scanner-1       INFO       <19140.00> Scanner-1: setting timed terminal event at 19260.0
2025-07-24 00:12:34,186 sats.satellite.Scanner-1       INFO       <19260.00> Scanner-1: timed termination at 19260.0 for action_charge
2025-07-24 00:12:34,187 data.base                      INFO       <19260.00> Total reward: {}
2025-07-24 00:12:34,188 comm.communication             INFO       <19260.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,188 sats.satellite.Scanner-1       INFO       <19260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,190 gym                            INFO       <19260.00> Step reward: 0.0
2025-07-24 00:12:34,191 gym                            INFO       <19260.00> === STARTING STEP ===
2025-07-24 00:12:34,191 sats.satellite.Scanner-1       INFO       <19260.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,193 sats.satellite.Scanner-1       INFO       <19260.00> Scanner-1: setting timed terminal event at 19380.0
2025-07-24 00:12:34,206 sats.satellite.Scanner-1       INFO       <19380.00> Scanner-1: timed termination at 19380.0 for action_charge
2025-07-24 00:12:34,206 data.base                      INFO       <19380.00> Total reward: {}
2025-07-24 00:12:34,207 comm.communication             INFO       <19380.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,207 sats.satellite.Scanner-1       INFO       <19380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,209 gym                            INFO       <19380.00> Step reward: 0.0
2025-07-24 00:12:34,210 gym                            INFO       <19380.00> === STARTING STEP ===
2025-07-24 00:12:34,211 sats.satellite.Scanner-1       INFO       <19380.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:34,211 sats.satellite.Scanner-1       INFO       <19380.00> Scanner-1: setting timed terminal event at 19440.0
2025-07-24 00:12:34,219 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: timed termination at 19440.0 for action_downlink
2025-07-24 00:12:34,219 data.base                      INFO       <19440.00> Total reward: {}
2025-07-24 00:12:34,220 comm.communication             INFO       <19440.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,220 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,222 gym                            INFO       <19440.00> Step reward: 0.0
2025-07-24 00:12:34,223 gym                            INFO       <19440.00> === STARTING STEP ===
2025-07-24 00:12:34,223 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:34,224 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: setting timed terminal event at 19500.0
2025-07-24 00:12:34,232 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: timed termination at 19500.0 for action_desat
2025-07-24 00:12:34,232 data.base                      INFO       <19500.00> Total reward: {}
2025-07-24 00:12:34,233 comm.communication             INFO       <19500.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,233 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,235 gym                            INFO       <19500.00> Step reward: 0.0
2025-07-24 00:12:34,236 gym                            INFO       <19500.00> === STARTING STEP ===
2025-07-24 00:12:34,236 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,237 sats.satellite.Scanner-1       INFO       <19500.00> Scanner-1: setting timed terminal event at 19680.0
2025-07-24 00:12:34,256 sats.satellite.Scanner-1       INFO       <19680.00> Scanner-1: timed termination at 19680.0 for action_nadir_scan
2025-07-24 00:12:34,256 data.base                      INFO       <19680.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-07-24 00:12:34,257 comm.communication             INFO       <19680.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,258 sats.satellite.Scanner-1       INFO       <19680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,259 gym                            INFO       <19680.00> Step reward: 0.004947368421052631
2025-07-24 00:12:34,260 gym                            INFO       <19680.00> === STARTING STEP ===
2025-07-24 00:12:34,260 sats.satellite.Scanner-1       INFO       <19680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,261 sats.satellite.Scanner-1       INFO       <19680.00> Scanner-1: setting timed terminal event at 19800.0
2025-07-24 00:12:34,274 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: timed termination at 19800.0 for action_charge
2025-07-24 00:12:34,274 data.base                      INFO       <19800.00> Total reward: {}
2025-07-24 00:12:34,275 comm.communication             INFO       <19800.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,275 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,277 gym                            INFO       <19800.00> Step reward: 0.0
2025-07-24 00:12:34,278 gym                            INFO       <19800.00> === STARTING STEP ===
2025-07-24 00:12:34,279 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,279 sats.satellite.Scanner-1       INFO       <19800.00> Scanner-1: setting timed terminal event at 19920.0
2025-07-24 00:12:34,292 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: timed termination at 19920.0 for action_charge
2025-07-24 00:12:34,292 data.base                      INFO       <19920.00> Total reward: {}
2025-07-24 00:12:34,293 comm.communication             INFO       <19920.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,293 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,295 gym                            INFO       <19920.00> Step reward: 0.0
2025-07-24 00:12:34,296 gym                            INFO       <19920.00> === STARTING STEP ===
2025-07-24 00:12:34,297 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:34,297 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: setting timed terminal event at 19980.0
2025-07-24 00:12:34,304 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: timed termination at 19980.0 for action_downlink
2025-07-24 00:12:34,305 data.base                      INFO       <19980.00> Total reward: {}
2025-07-24 00:12:34,305 comm.communication             INFO       <19980.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,306 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,308 gym                            INFO       <19980.00> Step reward: 0.0
2025-07-24 00:12:34,308 gym                            INFO       <19980.00> === STARTING STEP ===
2025-07-24 00:12:34,309 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:34,309 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: setting timed terminal event at 20040.0
2025-07-24 00:12:34,317 sats.satellite.Scanner-1       INFO       <20040.00> Scanner-1: timed termination at 20040.0 for action_downlink
2025-07-24 00:12:34,317 data.base                      INFO       <20040.00> Total reward: {}
2025-07-24 00:12:34,318 comm.communication             INFO       <20040.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,318 sats.satellite.Scanner-1       INFO       <20040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,320 gym                            INFO       <20040.00> Step reward: 0.0
2025-07-24 00:12:34,320 gym                            INFO       <20040.00> === STARTING STEP ===
2025-07-24 00:12:34,321 sats.satellite.Scanner-1       INFO       <20040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,321 sats.satellite.Scanner-1       INFO       <20040.00> Scanner-1: setting timed terminal event at 20160.0
2025-07-24 00:12:34,335 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: timed termination at 20160.0 for action_charge
2025-07-24 00:12:34,335 data.base                      INFO       <20160.00> Total reward: {}
2025-07-24 00:12:34,335 comm.communication             INFO       <20160.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,336 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,337 gym                            INFO       <20160.00> Step reward: 0.0
2025-07-24 00:12:34,338 gym                            INFO       <20160.00> === STARTING STEP ===
2025-07-24 00:12:34,339 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,339 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: setting timed terminal event at 20340.0
2025-07-24 00:12:34,359 sats.satellite.Scanner-1       INFO       <20340.00> Scanner-1: timed termination at 20340.0 for action_nadir_scan
2025-07-24 00:12:34,359 data.base                      INFO       <20340.00> Total reward: {'Scanner-1': 0.004771929824561403}
2025-07-24 00:12:34,359 comm.communication             INFO       <20340.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,360 sats.satellite.Scanner-1       INFO       <20340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,362 gym                            INFO       <20340.00> Step reward: 0.004771929824561403
2025-07-24 00:12:34,362 gym                            INFO       <20340.00> === STARTING STEP ===
2025-07-24 00:12:34,363 sats.satellite.Scanner-1       INFO       <20340.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,363 sats.satellite.Scanner-1       INFO       <20340.00> Scanner-1: setting timed terminal event at 20520.0
2025-07-24 00:12:34,385 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: timed termination at 20520.0 for action_nadir_scan
2025-07-24 00:12:34,386 data.base                      INFO       <20520.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:34,386 comm.communication             INFO       <20520.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,387 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,389 gym                            INFO       <20520.00> Step reward: 0.00631578947368421
2025-07-24 00:12:34,390 gym                            INFO       <20520.00> === STARTING STEP ===
2025-07-24 00:12:34,390 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,390 sats.satellite.Scanner-1       INFO       <20520.00> Scanner-1: setting timed terminal event at 20640.0
2025-07-24 00:12:34,404 sats.satellite.Scanner-1       INFO       <20640.00> Scanner-1: timed termination at 20640.0 for action_charge
2025-07-24 00:12:34,404 data.base                      INFO       <20640.00> Total reward: {}
2025-07-24 00:12:34,405 comm.communication             INFO       <20640.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,405 sats.satellite.Scanner-1       INFO       <20640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,407 gym                            INFO       <20640.00> Step reward: 0.0
2025-07-24 00:12:34,408 gym                            INFO       <20640.00> === STARTING STEP ===
2025-07-24 00:12:34,408 sats.satellite.Scanner-1       INFO       <20640.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,409 sats.satellite.Scanner-1       INFO       <20640.00> Scanner-1: setting timed terminal event at 20760.0
2025-07-24 00:12:34,424 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: timed termination at 20760.0 for action_charge
2025-07-24 00:12:34,425 data.base                      INFO       <20760.00> Total reward: {}
2025-07-24 00:12:34,426 comm.communication             INFO       <20760.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,426 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,428 gym                            INFO       <20760.00> Step reward: 0.0
2025-07-24 00:12:34,429 gym                            INFO       <20760.00> === STARTING STEP ===
2025-07-24 00:12:34,429 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,430 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: setting timed terminal event at 20880.0
2025-07-24 00:12:34,443 sats.satellite.Scanner-1       INFO       <20880.00> Scanner-1: timed termination at 20880.0 for action_charge
2025-07-24 00:12:34,443 data.base                      INFO       <20880.00> Total reward: {}
2025-07-24 00:12:34,444 comm.communication             INFO       <20880.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,444 sats.satellite.Scanner-1       INFO       <20880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,446 gym                            INFO       <20880.00> Step reward: 0.0
2025-07-24 00:12:34,447 gym                            INFO       <20880.00> === STARTING STEP ===
2025-07-24 00:12:34,447 sats.satellite.Scanner-1       INFO       <20880.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,447 sats.satellite.Scanner-1       INFO       <20880.00> Scanner-1: setting timed terminal event at 21060.0
2025-07-24 00:12:34,466 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: timed termination at 21060.0 for action_nadir_scan
2025-07-24 00:12:34,467 data.base                      INFO       <21060.00> Total reward: {'Scanner-1': 0.005087719298245614}
2025-07-24 00:12:34,467 comm.communication             INFO       <21060.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,468 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,469 gym                            INFO       <21060.00> Step reward: 0.005087719298245614
2025-07-24 00:12:34,470 gym                            INFO       <21060.00> === STARTING STEP ===
2025-07-24 00:12:34,471 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:34,471 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: setting timed terminal event at 21120.0
2025-07-24 00:12:34,479 sats.satellite.Scanner-1       INFO       <21120.00> Scanner-1: timed termination at 21120.0 for action_desat
2025-07-24 00:12:34,479 data.base                      INFO       <21120.00> Total reward: {}
2025-07-24 00:12:34,480 comm.communication             INFO       <21120.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,480 sats.satellite.Scanner-1       INFO       <21120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,482 gym                            INFO       <21120.00> Step reward: 0.0
2025-07-24 00:12:34,483 gym                            INFO       <21120.00> === STARTING STEP ===
2025-07-24 00:12:34,483 sats.satellite.Scanner-1       INFO       <21120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,484 sats.satellite.Scanner-1       INFO       <21120.00> Scanner-1: setting timed terminal event at 21300.0
2025-07-24 00:12:34,503 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: timed termination at 21300.0 for action_nadir_scan
2025-07-24 00:12:34,503 data.base                      INFO       <21300.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-07-24 00:12:34,503 comm.communication             INFO       <21300.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,504 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,506 gym                            INFO       <21300.00> Step reward: 0.004947368421052631
2025-07-24 00:12:34,506 gym                            INFO       <21300.00> === STARTING STEP ===
2025-07-24 00:12:34,507 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:34,507 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: setting timed terminal event at 21360.0
2025-07-24 00:12:34,515 sats.satellite.Scanner-1       INFO       <21360.00> Scanner-1: timed termination at 21360.0 for action_downlink
2025-07-24 00:12:34,515 data.base                      INFO       <21360.00> Total reward: {}
2025-07-24 00:12:34,516 comm.communication             INFO       <21360.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,516 sats.satellite.Scanner-1       INFO       <21360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,518 gym                            INFO       <21360.00> Step reward: 0.0
2025-07-24 00:12:34,518 gym                            INFO       <21360.00> === STARTING STEP ===
2025-07-24 00:12:34,519 sats.satellite.Scanner-1       INFO       <21360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:34,519 sats.satellite.Scanner-1       INFO       <21360.00> Scanner-1: setting timed terminal event at 21420.0
2025-07-24 00:12:34,527 sats.satellite.Scanner-1       INFO       <21420.00> Scanner-1: timed termination at 21420.0 for action_desat
2025-07-24 00:12:34,527 data.base                      INFO       <21420.00> Total reward: {}
2025-07-24 00:12:34,528 comm.communication             INFO       <21420.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,528 sats.satellite.Scanner-1       INFO       <21420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,530 gym                            INFO       <21420.00> Step reward: 0.0
2025-07-24 00:12:34,531 gym                            INFO       <21420.00> === STARTING STEP ===
2025-07-24 00:12:34,531 sats.satellite.Scanner-1       INFO       <21420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:34,532 sats.satellite.Scanner-1       INFO       <21420.00> Scanner-1: setting timed terminal event at 21480.0
2025-07-24 00:12:34,539 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: timed termination at 21480.0 for action_desat
2025-07-24 00:12:34,540 data.base                      INFO       <21480.00> Total reward: {}
2025-07-24 00:12:34,540 comm.communication             INFO       <21480.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,541 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,542 gym                            INFO       <21480.00> Step reward: 0.0
2025-07-24 00:12:34,543 gym                            INFO       <21480.00> === STARTING STEP ===
2025-07-24 00:12:34,543 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:34,544 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: setting timed terminal event at 21540.0
2025-07-24 00:12:34,552 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: timed termination at 21540.0 for action_downlink
2025-07-24 00:12:34,552 data.base                      INFO       <21540.00> Total reward: {}
2025-07-24 00:12:34,553 comm.communication             INFO       <21540.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,553 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,555 gym                            INFO       <21540.00> Step reward: 0.0
2025-07-24 00:12:34,556 gym                            INFO       <21540.00> === STARTING STEP ===
2025-07-24 00:12:34,556 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,557 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: setting timed terminal event at 21720.0
2025-07-24 00:12:34,575 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: timed termination at 21720.0 for action_nadir_scan
2025-07-24 00:12:34,576 data.base                      INFO       <21720.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-24 00:12:34,576 comm.communication             INFO       <21720.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,577 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,579 gym                            INFO       <21720.00> Step reward: 0.004912280701754385
2025-07-24 00:12:34,580 gym                            INFO       <21720.00> === STARTING STEP ===
2025-07-24 00:12:34,580 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:34,581 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: setting timed terminal event at 21780.0
2025-07-24 00:12:34,588 sats.satellite.Scanner-1       INFO       <21780.00> Scanner-1: timed termination at 21780.0 for action_desat
2025-07-24 00:12:34,588 data.base                      INFO       <21780.00> Total reward: {}
2025-07-24 00:12:34,589 comm.communication             INFO       <21780.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,589 sats.satellite.Scanner-1       INFO       <21780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,591 gym                            INFO       <21780.00> Step reward: 0.0
2025-07-24 00:12:34,592 gym                            INFO       <21780.00> === STARTING STEP ===
2025-07-24 00:12:34,592 sats.satellite.Scanner-1       INFO       <21780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,593 sats.satellite.Scanner-1       INFO       <21780.00> Scanner-1: setting timed terminal event at 21900.0
2025-07-24 00:12:34,606 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: timed termination at 21900.0 for action_charge
2025-07-24 00:12:34,607 data.base                      INFO       <21900.00> Total reward: {}
2025-07-24 00:12:34,607 comm.communication             INFO       <21900.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,608 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,610 gym                            INFO       <21900.00> Step reward: 0.0
2025-07-24 00:12:34,610 gym                            INFO       <21900.00> === STARTING STEP ===
2025-07-24 00:12:34,611 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:34,611 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: setting timed terminal event at 21960.0
2025-07-24 00:12:34,619 sats.satellite.Scanner-1       INFO       <21960.00> Scanner-1: timed termination at 21960.0 for action_desat
2025-07-24 00:12:34,619 data.base                      INFO       <21960.00> Total reward: {}
2025-07-24 00:12:34,620 comm.communication             INFO       <21960.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,620 sats.satellite.Scanner-1       INFO       <21960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,622 gym                            INFO       <21960.00> Step reward: 0.0
2025-07-24 00:12:34,623 gym                            INFO       <21960.00> === STARTING STEP ===
2025-07-24 00:12:34,623 sats.satellite.Scanner-1       INFO       <21960.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,624 sats.satellite.Scanner-1       INFO       <21960.00> Scanner-1: setting timed terminal event at 22080.0
2025-07-24 00:12:34,637 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: timed termination at 22080.0 for action_charge
2025-07-24 00:12:34,637 data.base                      INFO       <22080.00> Total reward: {}
2025-07-24 00:12:34,638 comm.communication             INFO       <22080.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,638 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,640 gym                            INFO       <22080.00> Step reward: 0.0
2025-07-24 00:12:34,641 gym                            INFO       <22080.00> === STARTING STEP ===
2025-07-24 00:12:34,641 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,642 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: setting timed terminal event at 22260.0
2025-07-24 00:12:34,660 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: timed termination at 22260.0 for action_nadir_scan
2025-07-24 00:12:34,660 data.base                      INFO       <22260.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:34,661 comm.communication             INFO       <22260.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,662 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,663 gym                            INFO       <22260.00> Step reward: 0.00631578947368421
2025-07-24 00:12:34,664 gym                            INFO       <22260.00> === STARTING STEP ===
2025-07-24 00:12:34,665 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,665 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: setting timed terminal event at 22380.0
2025-07-24 00:12:34,678 sats.satellite.Scanner-1       INFO       <22380.00> Scanner-1: timed termination at 22380.0 for action_charge
2025-07-24 00:12:34,679 data.base                      INFO       <22380.00> Total reward: {}
2025-07-24 00:12:34,679 comm.communication             INFO       <22380.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,680 sats.satellite.Scanner-1       INFO       <22380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,682 gym                            INFO       <22380.00> Step reward: 0.0
2025-07-24 00:12:34,682 gym                            INFO       <22380.00> === STARTING STEP ===
2025-07-24 00:12:34,683 sats.satellite.Scanner-1       INFO       <22380.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:34,683 sats.satellite.Scanner-1       INFO       <22380.00> Scanner-1: setting timed terminal event at 22440.0
2025-07-24 00:12:34,690 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: timed termination at 22440.0 for action_downlink
2025-07-24 00:12:34,691 data.base                      INFO       <22440.00> Total reward: {}
2025-07-24 00:12:34,692 comm.communication             INFO       <22440.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,692 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,694 gym                            INFO       <22440.00> Step reward: 0.0
2025-07-24 00:12:34,694 gym                            INFO       <22440.00> === STARTING STEP ===
2025-07-24 00:12:34,695 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,696 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: setting timed terminal event at 22620.0
2025-07-24 00:12:34,714 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: timed termination at 22620.0 for action_nadir_scan
2025-07-24 00:12:34,715 data.base                      INFO       <22620.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-24 00:12:34,715 comm.communication             INFO       <22620.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,716 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,717 gym                            INFO       <22620.00> Step reward: 0.00487719298245614
2025-07-24 00:12:34,718 gym                            INFO       <22620.00> === STARTING STEP ===
2025-07-24 00:12:34,718 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,719 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: setting timed terminal event at 22800.0
2025-07-24 00:12:34,740 sats.satellite.Scanner-1       INFO       <22800.00> Scanner-1: timed termination at 22800.0 for action_nadir_scan
2025-07-24 00:12:34,740 data.base                      INFO       <22800.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:34,741 comm.communication             INFO       <22800.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,741 sats.satellite.Scanner-1       INFO       <22800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,743 gym                            INFO       <22800.00> Step reward: 0.00631578947368421
2025-07-24 00:12:34,743 gym                            INFO       <22800.00> === STARTING STEP ===
2025-07-24 00:12:34,744 sats.satellite.Scanner-1       INFO       <22800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:34,744 sats.satellite.Scanner-1       INFO       <22800.00> Scanner-1: setting timed terminal event at 22860.0
2025-07-24 00:12:34,753 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: timed termination at 22860.0 for action_desat
2025-07-24 00:12:34,754 data.base                      INFO       <22860.00> Total reward: {}
2025-07-24 00:12:34,754 comm.communication             INFO       <22860.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,755 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,757 gym                            INFO       <22860.00> Step reward: 0.0
2025-07-24 00:12:34,758 gym                            INFO       <22860.00> === STARTING STEP ===
2025-07-24 00:12:34,758 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,759 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: setting timed terminal event at 23040.0
2025-07-24 00:12:34,777 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: timed termination at 23040.0 for action_nadir_scan
2025-07-24 00:12:34,778 data.base                      INFO       <23040.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-24 00:12:34,778 comm.communication             INFO       <23040.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,779 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,781 gym                            INFO       <23040.00> Step reward: 0.00487719298245614
2025-07-24 00:12:34,782 gym                            INFO       <23040.00> === STARTING STEP ===
2025-07-24 00:12:34,782 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,783 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: setting timed terminal event at 23160.0
2025-07-24 00:12:34,796 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: timed termination at 23160.0 for action_charge
2025-07-24 00:12:34,796 data.base                      INFO       <23160.00> Total reward: {}
2025-07-24 00:12:34,797 comm.communication             INFO       <23160.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,797 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,799 gym                            INFO       <23160.00> Step reward: 0.0
2025-07-24 00:12:34,800 gym                            INFO       <23160.00> === STARTING STEP ===
2025-07-24 00:12:34,801 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,801 sats.satellite.Scanner-1       INFO       <23160.00> Scanner-1: setting timed terminal event at 23280.0
2025-07-24 00:12:34,814 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: timed termination at 23280.0 for action_charge
2025-07-24 00:12:34,815 data.base                      INFO       <23280.00> Total reward: {}
2025-07-24 00:12:34,815 comm.communication             INFO       <23280.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,816 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,818 gym                            INFO       <23280.00> Step reward: 0.0
2025-07-24 00:12:34,818 gym                            INFO       <23280.00> === STARTING STEP ===
2025-07-24 00:12:34,819 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,819 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: setting timed terminal event at 23460.0
2025-07-24 00:12:34,842 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: timed termination at 23460.0 for action_nadir_scan
2025-07-24 00:12:34,843 data.base                      INFO       <23460.00> Total reward: {'Scanner-1': 0.005333333333333333}
2025-07-24 00:12:34,843 comm.communication             INFO       <23460.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,844 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,846 gym                            INFO       <23460.00> Step reward: 0.005333333333333333
2025-07-24 00:12:34,846 gym                            INFO       <23460.00> === STARTING STEP ===
2025-07-24 00:12:34,847 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,847 sats.satellite.Scanner-1       INFO       <23460.00> Scanner-1: setting timed terminal event at 23640.0
2025-07-24 00:12:34,866 sats.satellite.Scanner-1       INFO       <23640.00> Scanner-1: timed termination at 23640.0 for action_nadir_scan
2025-07-24 00:12:34,867 data.base                      INFO       <23640.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:34,867 comm.communication             INFO       <23640.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,868 sats.satellite.Scanner-1       INFO       <23640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,869 gym                            INFO       <23640.00> Step reward: 0.00631578947368421
2025-07-24 00:12:34,870 gym                            INFO       <23640.00> === STARTING STEP ===
2025-07-24 00:12:34,871 sats.satellite.Scanner-1       INFO       <23640.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,871 sats.satellite.Scanner-1       INFO       <23640.00> Scanner-1: setting timed terminal event at 23820.0
2025-07-24 00:12:34,890 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: timed termination at 23820.0 for action_nadir_scan
2025-07-24 00:12:34,890 data.base                      INFO       <23820.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:34,891 comm.communication             INFO       <23820.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,891 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,893 gym                            INFO       <23820.00> Step reward: 0.00631578947368421
2025-07-24 00:12:34,894 gym                            INFO       <23820.00> === STARTING STEP ===
2025-07-24 00:12:34,895 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:34,895 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: setting timed terminal event at 23880.0
2025-07-24 00:12:34,902 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: timed termination at 23880.0 for action_downlink
2025-07-24 00:12:34,903 data.base                      INFO       <23880.00> Total reward: {}
2025-07-24 00:12:34,903 comm.communication             INFO       <23880.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,904 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,906 gym                            INFO       <23880.00> Step reward: 0.0
2025-07-24 00:12:34,907 gym                            INFO       <23880.00> === STARTING STEP ===
2025-07-24 00:12:34,907 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:34,908 sats.satellite.Scanner-1       INFO       <23880.00> Scanner-1: setting timed terminal event at 23940.0
2025-07-24 00:12:34,916 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: timed termination at 23940.0 for action_downlink
2025-07-24 00:12:34,916 data.base                      INFO       <23940.00> Total reward: {}
2025-07-24 00:12:34,917 comm.communication             INFO       <23940.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,918 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,919 gym                            INFO       <23940.00> Step reward: 0.0
2025-07-24 00:12:34,920 gym                            INFO       <23940.00> === STARTING STEP ===
2025-07-24 00:12:34,921 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,921 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: setting timed terminal event at 24060.0
2025-07-24 00:12:34,934 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: timed termination at 24060.0 for action_charge
2025-07-24 00:12:34,934 data.base                      INFO       <24060.00> Total reward: {}
2025-07-24 00:12:34,935 comm.communication             INFO       <24060.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,935 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,937 gym                            INFO       <24060.00> Step reward: 0.0
2025-07-24 00:12:34,938 gym                            INFO       <24060.00> === STARTING STEP ===
2025-07-24 00:12:34,938 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:34,939 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: setting timed terminal event at 24120.0
2025-07-24 00:12:34,947 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: timed termination at 24120.0 for action_downlink
2025-07-24 00:12:34,948 data.base                      INFO       <24120.00> Total reward: {}
2025-07-24 00:12:34,948 comm.communication             INFO       <24120.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,949 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,959 gym                            INFO       <24120.00> Step reward: 0.0
2025-07-24 00:12:34,960 gym                            INFO       <24120.00> === STARTING STEP ===
2025-07-24 00:12:34,960 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:34,961 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: setting timed terminal event at 24180.0
2025-07-24 00:12:34,970 sats.satellite.Scanner-1       INFO       <24180.00> Scanner-1: timed termination at 24180.0 for action_desat
2025-07-24 00:12:34,970 data.base                      INFO       <24180.00> Total reward: {}
2025-07-24 00:12:34,971 comm.communication             INFO       <24180.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,971 sats.satellite.Scanner-1       INFO       <24180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,973 gym                            INFO       <24180.00> Step reward: 0.0
2025-07-24 00:12:34,973 gym                            INFO       <24180.00> === STARTING STEP ===
2025-07-24 00:12:34,974 sats.satellite.Scanner-1       INFO       <24180.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:34,974 sats.satellite.Scanner-1       INFO       <24180.00> Scanner-1: setting timed terminal event at 24300.0
2025-07-24 00:12:34,987 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: timed termination at 24300.0 for action_charge
2025-07-24 00:12:34,988 data.base                      INFO       <24300.00> Total reward: {}
2025-07-24 00:12:34,988 comm.communication             INFO       <24300.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:34,989 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:34,991 gym                            INFO       <24300.00> Step reward: 0.0
2025-07-24 00:12:34,991 gym                            INFO       <24300.00> === STARTING STEP ===
2025-07-24 00:12:34,992 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:34,992 sats.satellite.Scanner-1       INFO       <24300.00> Scanner-1: setting timed terminal event at 24480.0
2025-07-24 00:12:35,011 sats.satellite.Scanner-1       INFO       <24480.00> Scanner-1: timed termination at 24480.0 for action_nadir_scan
2025-07-24 00:12:35,012 data.base                      INFO       <24480.00> Total reward: {'Scanner-1': 0.004771929824561403}
2025-07-24 00:12:35,012 comm.communication             INFO       <24480.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,012 sats.satellite.Scanner-1       INFO       <24480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,014 gym                            INFO       <24480.00> Step reward: 0.004771929824561403
2025-07-24 00:12:35,015 gym                            INFO       <24480.00> === STARTING STEP ===
2025-07-24 00:12:35,015 sats.satellite.Scanner-1       INFO       <24480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:35,016 sats.satellite.Scanner-1       INFO       <24480.00> Scanner-1: setting timed terminal event at 24660.0
2025-07-24 00:12:35,035 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: timed termination at 24660.0 for action_nadir_scan
2025-07-24 00:12:35,035 data.base                      INFO       <24660.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:35,036 comm.communication             INFO       <24660.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,036 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,038 gym                            INFO       <24660.00> Step reward: 0.00631578947368421
2025-07-24 00:12:35,039 gym                            INFO       <24660.00> === STARTING STEP ===
2025-07-24 00:12:35,039 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:35,040 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: setting timed terminal event at 24720.0
2025-07-24 00:12:35,048 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: timed termination at 24720.0 for action_desat
2025-07-24 00:12:35,048 data.base                      INFO       <24720.00> Total reward: {}
2025-07-24 00:12:35,049 comm.communication             INFO       <24720.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,049 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,051 gym                            INFO       <24720.00> Step reward: 0.0
2025-07-24 00:12:35,052 gym                            INFO       <24720.00> === STARTING STEP ===
2025-07-24 00:12:35,052 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:35,053 sats.satellite.Scanner-1       INFO       <24720.00> Scanner-1: setting timed terminal event at 24780.0
2025-07-24 00:12:35,062 sats.satellite.Scanner-1       INFO       <24780.00> Scanner-1: timed termination at 24780.0 for action_desat
2025-07-24 00:12:35,062 data.base                      INFO       <24780.00> Total reward: {}
2025-07-24 00:12:35,063 comm.communication             INFO       <24780.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,063 sats.satellite.Scanner-1       INFO       <24780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,065 gym                            INFO       <24780.00> Step reward: 0.0
2025-07-24 00:12:35,066 gym                            INFO       <24780.00> === STARTING STEP ===
2025-07-24 00:12:35,066 sats.satellite.Scanner-1       INFO       <24780.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:35,067 sats.satellite.Scanner-1       INFO       <24780.00> Scanner-1: setting timed terminal event at 24840.0
2025-07-24 00:12:35,074 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: timed termination at 24840.0 for action_downlink
2025-07-24 00:12:35,075 data.base                      INFO       <24840.00> Total reward: {}
2025-07-24 00:12:35,075 comm.communication             INFO       <24840.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,076 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,078 gym                            INFO       <24840.00> Step reward: 0.0
2025-07-24 00:12:35,078 gym                            INFO       <24840.00> === STARTING STEP ===
2025-07-24 00:12:35,079 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:35,079 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: setting timed terminal event at 24960.0
2025-07-24 00:12:35,095 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: timed termination at 24960.0 for action_charge
2025-07-24 00:12:35,096 data.base                      INFO       <24960.00> Total reward: {}
2025-07-24 00:12:35,096 comm.communication             INFO       <24960.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,097 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,098 gym                            INFO       <24960.00> Step reward: 0.0
2025-07-24 00:12:35,099 gym                            INFO       <24960.00> === STARTING STEP ===
2025-07-24 00:12:35,100 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:35,100 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: setting timed terminal event at 25140.0
2025-07-24 00:12:35,123 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: timed termination at 25140.0 for action_nadir_scan
2025-07-24 00:12:35,124 data.base                      INFO       <25140.00> Total reward: {'Scanner-1': 0.004596491228070175}
2025-07-24 00:12:35,124 comm.communication             INFO       <25140.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,125 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,126 gym                            INFO       <25140.00> Step reward: 0.004596491228070175
2025-07-24 00:12:35,127 gym                            INFO       <25140.00> === STARTING STEP ===
2025-07-24 00:12:35,127 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:35,128 sats.satellite.Scanner-1       INFO       <25140.00> Scanner-1: setting timed terminal event at 25320.0
2025-07-24 00:12:35,147 sats.satellite.Scanner-1       INFO       <25320.00> Scanner-1: timed termination at 25320.0 for action_nadir_scan
2025-07-24 00:12:35,148 data.base                      INFO       <25320.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-24 00:12:35,148 comm.communication             INFO       <25320.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,149 sats.satellite.Scanner-1       INFO       <25320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,150 gym                            INFO       <25320.00> Step reward: 0.00631578947368421
2025-07-24 00:12:35,151 gym                            INFO       <25320.00> === STARTING STEP ===
2025-07-24 00:12:35,152 sats.satellite.Scanner-1       INFO       <25320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:35,152 sats.satellite.Scanner-1       INFO       <25320.00> Scanner-1: setting timed terminal event at 25440.0
2025-07-24 00:12:35,168 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: timed termination at 25440.0 for action_charge
2025-07-24 00:12:35,168 data.base                      INFO       <25440.00> Total reward: {}
2025-07-24 00:12:35,169 comm.communication             INFO       <25440.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,169 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,171 gym                            INFO       <25440.00> Step reward: 0.0
2025-07-24 00:12:35,172 gym                            INFO       <25440.00> === STARTING STEP ===
2025-07-24 00:12:35,173 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:35,173 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: setting timed terminal event at 25500.0
2025-07-24 00:12:35,181 sats.satellite.Scanner-1       INFO       <25500.00> Scanner-1: timed termination at 25500.0 for action_desat
2025-07-24 00:12:35,181 data.base                      INFO       <25500.00> Total reward: {}
2025-07-24 00:12:35,182 comm.communication             INFO       <25500.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,182 sats.satellite.Scanner-1       INFO       <25500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,184 gym                            INFO       <25500.00> Step reward: 0.0
2025-07-24 00:12:35,184 gym                            INFO       <25500.00> === STARTING STEP ===
2025-07-24 00:12:35,186 sats.satellite.Scanner-1       INFO       <25500.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:35,186 sats.satellite.Scanner-1       INFO       <25500.00> Scanner-1: setting timed terminal event at 25680.0
2025-07-24 00:12:35,205 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: timed termination at 25680.0 for action_nadir_scan
2025-07-24 00:12:35,206 data.base                      INFO       <25680.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-07-24 00:12:35,206 comm.communication             INFO       <25680.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,207 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,209 gym                            INFO       <25680.00> Step reward: 0.0049824561403508764
2025-07-24 00:12:35,209 gym                            INFO       <25680.00> === STARTING STEP ===
2025-07-24 00:12:35,210 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:35,210 sats.satellite.Scanner-1       INFO       <25680.00> Scanner-1: setting timed terminal event at 25740.0
2025-07-24 00:12:35,218 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: timed termination at 25740.0 for action_downlink
2025-07-24 00:12:35,218 data.base                      INFO       <25740.00> Total reward: {}
2025-07-24 00:12:35,219 comm.communication             INFO       <25740.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,219 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,221 gym                            INFO       <25740.00> Step reward: 0.0
2025-07-24 00:12:35,222 gym                            INFO       <25740.00> === STARTING STEP ===
2025-07-24 00:12:35,222 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:35,223 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: setting timed terminal event at 25800.0
2025-07-24 00:12:35,230 sats.satellite.Scanner-1       INFO       <25800.00> Scanner-1: timed termination at 25800.0 for action_downlink
2025-07-24 00:12:35,230 data.base                      INFO       <25800.00> Total reward: {}
2025-07-24 00:12:35,231 comm.communication             INFO       <25800.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,231 sats.satellite.Scanner-1       INFO       <25800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,233 gym                            INFO       <25800.00> Step reward: 0.0
2025-07-24 00:12:35,234 gym                            INFO       <25800.00> === STARTING STEP ===
2025-07-24 00:12:35,234 sats.satellite.Scanner-1       INFO       <25800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:35,235 sats.satellite.Scanner-1       INFO       <25800.00> Scanner-1: setting timed terminal event at 25920.0
2025-07-24 00:12:35,248 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: timed termination at 25920.0 for action_charge
2025-07-24 00:12:35,248 data.base                      INFO       <25920.00> Total reward: {}
2025-07-24 00:12:35,249 comm.communication             INFO       <25920.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,249 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,251 gym                            INFO       <25920.00> Step reward: 0.0
2025-07-24 00:12:35,252 gym                            INFO       <25920.00> === STARTING STEP ===
2025-07-24 00:12:35,252 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:35,253 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: setting timed terminal event at 26040.0
2025-07-24 00:12:35,268 sats.satellite.Scanner-1       INFO       <26040.00> Scanner-1: timed termination at 26040.0 for action_charge
2025-07-24 00:12:35,269 data.base                      INFO       <26040.00> Total reward: {}
2025-07-24 00:12:35,269 comm.communication             INFO       <26040.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,270 sats.satellite.Scanner-1       INFO       <26040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,272 gym                            INFO       <26040.00> Step reward: 0.0
2025-07-24 00:12:35,273 gym                            INFO       <26040.00> === STARTING STEP ===
2025-07-24 00:12:35,274 sats.satellite.Scanner-1       INFO       <26040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:35,274 sats.satellite.Scanner-1       INFO       <26040.00> Scanner-1: setting timed terminal event at 26160.0
2025-07-24 00:12:35,290 sats.satellite.Scanner-1       INFO       <26160.00> Scanner-1: timed termination at 26160.0 for action_charge
2025-07-24 00:12:35,291 data.base                      INFO       <26160.00> Total reward: {}
2025-07-24 00:12:35,292 comm.communication             INFO       <26160.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,292 sats.satellite.Scanner-1       INFO       <26160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,294 gym                            INFO       <26160.00> Step reward: 0.0
2025-07-24 00:12:35,295 gym                            INFO       <26160.00> === STARTING STEP ===
2025-07-24 00:12:35,296 sats.satellite.Scanner-1       INFO       <26160.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:35,296 sats.satellite.Scanner-1       INFO       <26160.00> Scanner-1: setting timed terminal event at 26340.0
2025-07-24 00:12:35,317 sats.satellite.Scanner-1       INFO       <26340.00> Scanner-1: timed termination at 26340.0 for action_nadir_scan
2025-07-24 00:12:35,317 data.base                      INFO       <26340.00> Total reward: {'Scanner-1': 0.004842105263157894}
2025-07-24 00:12:35,318 comm.communication             INFO       <26340.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,318 sats.satellite.Scanner-1       INFO       <26340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,334 gym                            INFO       <26340.00> Step reward: 0.004842105263157894
2025-07-24 00:12:35,335 gym                            INFO       <26340.00> === STARTING STEP ===
2025-07-24 00:12:35,335 sats.satellite.Scanner-1       INFO       <26340.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:35,336 sats.satellite.Scanner-1       INFO       <26340.00> Scanner-1: setting timed terminal event at 26400.0
2025-07-24 00:12:35,345 sats.satellite.Scanner-1       INFO       <26400.00> Scanner-1: timed termination at 26400.0 for action_downlink
2025-07-24 00:12:35,345 data.base                      INFO       <26400.00> Total reward: {}
2025-07-24 00:12:35,346 comm.communication             INFO       <26400.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,346 sats.satellite.Scanner-1       INFO       <26400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,348 gym                            INFO       <26400.00> Step reward: 0.0
2025-07-24 00:12:35,349 gym                            INFO       <26400.00> === STARTING STEP ===
2025-07-24 00:12:35,349 sats.satellite.Scanner-1       INFO       <26400.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:35,350 sats.satellite.Scanner-1       INFO       <26400.00> Scanner-1: setting timed terminal event at 26580.0
2025-07-24 00:12:35,373 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: timed termination at 26580.0 for action_nadir_scan
2025-07-24 00:12:35,374 data.base                      INFO       <26580.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-07-24 00:12:35,375 comm.communication             INFO       <26580.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,375 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,377 gym                            INFO       <26580.00> Step reward: 0.004947368421052631
2025-07-24 00:12:35,378 gym                            INFO       <26580.00> === STARTING STEP ===
2025-07-24 00:12:35,378 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:35,378 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: setting timed terminal event at 26700.0
2025-07-24 00:12:35,392 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: timed termination at 26700.0 for action_charge
2025-07-24 00:12:35,393 data.base                      INFO       <26700.00> Total reward: {}
2025-07-24 00:12:35,393 comm.communication             INFO       <26700.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,394 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,396 gym                            INFO       <26700.00> Step reward: 0.0
2025-07-24 00:12:35,397 gym                            INFO       <26700.00> === STARTING STEP ===
2025-07-24 00:12:35,397 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:35,398 sats.satellite.Scanner-1       INFO       <26700.00> Scanner-1: setting timed terminal event at 26880.0
2025-07-24 00:12:35,417 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: timed termination at 26880.0 for action_nadir_scan
2025-07-24 00:12:35,417 data.base                      INFO       <26880.00> Total reward: {'Scanner-1': 0.005087719298245614}
2025-07-24 00:12:35,418 comm.communication             INFO       <26880.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,418 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,420 gym                            INFO       <26880.00> Step reward: 0.005087719298245614
2025-07-24 00:12:35,421 gym                            INFO       <26880.00> === STARTING STEP ===
2025-07-24 00:12:35,421 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:35,422 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: setting timed terminal event at 26940.0
2025-07-24 00:12:35,429 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: timed termination at 26940.0 for action_downlink
2025-07-24 00:12:35,430 data.base                      INFO       <26940.00> Total reward: {}
2025-07-24 00:12:35,430 comm.communication             INFO       <26940.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,431 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,432 gym                            INFO       <26940.00> Step reward: 0.0
2025-07-24 00:12:35,433 gym                            INFO       <26940.00> === STARTING STEP ===
2025-07-24 00:12:35,434 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:35,434 sats.satellite.Scanner-1       INFO       <26940.00> Scanner-1: setting timed terminal event at 27000.0
2025-07-24 00:12:35,442 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: timed termination at 27000.0 for action_desat
2025-07-24 00:12:35,442 data.base                      INFO       <27000.00> Total reward: {}
2025-07-24 00:12:35,443 comm.communication             INFO       <27000.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,443 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,445 gym                            INFO       <27000.00> Step reward: 0.0
2025-07-24 00:12:35,446 gym                            INFO       <27000.00> === STARTING STEP ===
2025-07-24 00:12:35,447 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:35,447 sats.satellite.Scanner-1       INFO       <27000.00> Scanner-1: setting timed terminal event at 27120.0
2025-07-24 00:12:35,460 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: timed termination at 27120.0 for action_charge
2025-07-24 00:12:35,461 data.base                      INFO       <27120.00> Total reward: {}
2025-07-24 00:12:35,462 comm.communication             INFO       <27120.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,462 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,464 gym                            INFO       <27120.00> Step reward: 0.0
2025-07-24 00:12:35,465 gym                            INFO       <27120.00> === STARTING STEP ===
2025-07-24 00:12:35,465 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:35,466 sats.satellite.Scanner-1       INFO       <27120.00> Scanner-1: setting timed terminal event at 27180.0
2025-07-24 00:12:35,473 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: timed termination at 27180.0 for action_desat
2025-07-24 00:12:35,474 data.base                      INFO       <27180.00> Total reward: {}
2025-07-24 00:12:35,474 comm.communication             INFO       <27180.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,475 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,477 gym                            INFO       <27180.00> Step reward: 0.0
2025-07-24 00:12:35,478 gym                            INFO       <27180.00> === STARTING STEP ===
2025-07-24 00:12:35,478 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:35,478 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: setting timed terminal event at 27360.0
2025-07-24 00:12:35,498 sats.satellite.Scanner-1       INFO       <27360.00> Scanner-1: timed termination at 27360.0 for action_nadir_scan
2025-07-24 00:12:35,498 data.base                      INFO       <27360.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-24 00:12:35,499 comm.communication             INFO       <27360.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,500 sats.satellite.Scanner-1       INFO       <27360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,501 gym                            INFO       <27360.00> Step reward: 0.004912280701754385
2025-07-24 00:12:35,502 gym                            INFO       <27360.00> === STARTING STEP ===
2025-07-24 00:12:35,503 sats.satellite.Scanner-1       INFO       <27360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:35,503 sats.satellite.Scanner-1       INFO       <27360.00> Scanner-1: setting timed terminal event at 27420.0
2025-07-24 00:12:35,511 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: timed termination at 27420.0 for action_desat
2025-07-24 00:12:35,512 data.base                      INFO       <27420.00> Total reward: {}
2025-07-24 00:12:35,512 comm.communication             INFO       <27420.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,513 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,515 gym                            INFO       <27420.00> Step reward: 0.0
2025-07-24 00:12:35,515 gym                            INFO       <27420.00> === STARTING STEP ===
2025-07-24 00:12:35,516 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:35,517 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: setting timed terminal event at 27480.0
2025-07-24 00:12:35,525 sats.satellite.Scanner-1       INFO       <27480.00> Scanner-1: timed termination at 27480.0 for action_downlink
2025-07-24 00:12:35,525 data.base                      INFO       <27480.00> Total reward: {}
2025-07-24 00:12:35,526 comm.communication             INFO       <27480.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,526 sats.satellite.Scanner-1       INFO       <27480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,528 gym                            INFO       <27480.00> Step reward: 0.0
2025-07-24 00:12:35,529 gym                            INFO       <27480.00> === STARTING STEP ===
2025-07-24 00:12:35,530 sats.satellite.Scanner-1       INFO       <27480.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:35,530 sats.satellite.Scanner-1       INFO       <27480.00> Scanner-1: setting timed terminal event at 27600.0
2025-07-24 00:12:35,544 sats.satellite.Scanner-1       INFO       <27600.00> Scanner-1: timed termination at 27600.0 for action_charge
2025-07-24 00:12:35,544 data.base                      INFO       <27600.00> Total reward: {}
2025-07-24 00:12:35,545 comm.communication             INFO       <27600.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,545 sats.satellite.Scanner-1       INFO       <27600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,547 gym                            INFO       <27600.00> Step reward: 0.0
2025-07-24 00:12:35,547 gym                            INFO       <27600.00> === STARTING STEP ===
2025-07-24 00:12:35,548 sats.satellite.Scanner-1       INFO       <27600.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:35,548 sats.satellite.Scanner-1       INFO       <27600.00> Scanner-1: setting timed terminal event at 27780.0
2025-07-24 00:12:35,571 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: timed termination at 27780.0 for action_nadir_scan
2025-07-24 00:12:35,572 data.base                      INFO       <27780.00> Total reward: {'Scanner-1': 0.00607017543859649}
2025-07-24 00:12:35,573 comm.communication             INFO       <27780.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,573 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,575 gym                            INFO       <27780.00> Step reward: 0.00607017543859649
2025-07-24 00:12:35,576 gym                            INFO       <27780.00> === STARTING STEP ===
2025-07-24 00:12:35,577 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:35,577 sats.satellite.Scanner-1       INFO       <27780.00> Scanner-1: setting timed terminal event at 27900.0
2025-07-24 00:12:35,592 sats.satellite.Scanner-1       INFO       <27900.00> Scanner-1: timed termination at 27900.0 for action_charge
2025-07-24 00:12:35,592 data.base                      INFO       <27900.00> Total reward: {}
2025-07-24 00:12:35,593 comm.communication             INFO       <27900.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,593 sats.satellite.Scanner-1       INFO       <27900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,595 gym                            INFO       <27900.00> Step reward: 0.0
2025-07-24 00:12:35,596 gym                            INFO       <27900.00> === STARTING STEP ===
2025-07-24 00:12:35,596 sats.satellite.Scanner-1       INFO       <27900.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:35,597 sats.satellite.Scanner-1       INFO       <27900.00> Scanner-1: setting timed terminal event at 27960.0
2025-07-24 00:12:35,604 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: timed termination at 27960.0 for action_downlink
2025-07-24 00:12:35,605 data.base                      INFO       <27960.00> Total reward: {}
2025-07-24 00:12:35,605 comm.communication             INFO       <27960.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,606 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,607 gym                            INFO       <27960.00> Step reward: 0.0
2025-07-24 00:12:35,608 gym                            INFO       <27960.00> === STARTING STEP ===
2025-07-24 00:12:35,609 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-24 00:12:35,609 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: setting timed terminal event at 28140.0
2025-07-24 00:12:35,628 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: timed termination at 28140.0 for action_nadir_scan
2025-07-24 00:12:35,629 data.base                      INFO       <28140.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-24 00:12:35,630 comm.communication             INFO       <28140.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,630 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,632 gym                            INFO       <28140.00> Step reward: 0.00487719298245614
2025-07-24 00:12:35,633 gym                            INFO       <28140.00> === STARTING STEP ===
2025-07-24 00:12:35,633 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:35,634 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: setting timed terminal event at 28200.0
2025-07-24 00:12:35,642 sats.satellite.Scanner-1       INFO       <28200.00> Scanner-1: timed termination at 28200.0 for action_downlink
2025-07-24 00:12:35,642 data.base                      INFO       <28200.00> Total reward: {}
2025-07-24 00:12:35,643 comm.communication             INFO       <28200.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,644 sats.satellite.Scanner-1       INFO       <28200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,646 gym                            INFO       <28200.00> Step reward: 0.0
2025-07-24 00:12:35,646 gym                            INFO       <28200.00> === STARTING STEP ===
2025-07-24 00:12:35,647 sats.satellite.Scanner-1       INFO       <28200.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:35,647 sats.satellite.Scanner-1       INFO       <28200.00> Scanner-1: setting timed terminal event at 28260.0
2025-07-24 00:12:35,654 sats.satellite.Scanner-1       INFO       <28260.00> Scanner-1: timed termination at 28260.0 for action_downlink
2025-07-24 00:12:35,655 data.base                      INFO       <28260.00> Total reward: {}
2025-07-24 00:12:35,655 comm.communication             INFO       <28260.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,656 sats.satellite.Scanner-1       INFO       <28260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,658 gym                            INFO       <28260.00> Step reward: 0.0
2025-07-24 00:12:35,659 gym                            INFO       <28260.00> === STARTING STEP ===
2025-07-24 00:12:35,659 sats.satellite.Scanner-1       INFO       <28260.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-24 00:12:35,659 sats.satellite.Scanner-1       INFO       <28260.00> Scanner-1: setting timed terminal event at 28380.0
2025-07-24 00:12:35,674 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: timed termination at 28380.0 for action_charge
2025-07-24 00:12:35,675 data.base                      INFO       <28380.00> Total reward: {}
2025-07-24 00:12:35,676 comm.communication             INFO       <28380.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,676 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,678 gym                            INFO       <28380.00> Step reward: 0.0
2025-07-24 00:12:35,679 gym                            INFO       <28380.00> === STARTING STEP ===
2025-07-24 00:12:35,680 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-24 00:12:35,680 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: setting timed terminal event at 28440.0
2025-07-24 00:12:35,689 sats.satellite.Scanner-1       INFO       <28440.00> Scanner-1: timed termination at 28440.0 for action_desat
2025-07-24 00:12:35,690 data.base                      INFO       <28440.00> Total reward: {}
2025-07-24 00:12:35,691 comm.communication             INFO       <28440.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,692 sats.satellite.Scanner-1       INFO       <28440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-24 00:12:35,694 gym                            INFO       <28440.00> Step reward: 0.0
2025-07-24 00:12:35,695 gym                            INFO       <28440.00> === STARTING STEP ===
2025-07-24 00:12:35,695 sats.satellite.Scanner-1       INFO       <28440.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-24 00:12:35,696 sats.satellite.Scanner-1       INFO       <28440.00> Scanner-1: setting timed terminal event at 28500.0
2025-07-24 00:12:35,704 data.base                      INFO       <28500.00> Total reward: {}
2025-07-24 00:12:35,705 comm.communication             INFO       <28500.00> Optimizing data communication between all pairs of satellites
2025-07-24 00:12:35,707 gym                            INFO       <28500.00> Step reward: 0.0
2025-07-24 00:12:35,707 gym                            INFO       <28500.00> Episode terminated: True
2025-07-24 00:12:35,708 gym                            INFO       <28500.00> Episode truncated: True