Training with RLlib PPO

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

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

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

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

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

Define the Environment

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

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

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

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

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

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

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

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

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

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

Set Up Custom Logging

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

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

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

    return data

Configure Ray and PPO

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

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

N_CPUS = 3

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

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

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

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

Note that the custom logging metrics are reported under env_runners.

[7]:
import ray
from ray import tune

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

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

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

Tune Status

Current time:2025-05-09 15:46:32
Running for: 00:00:37.07
Memory: 4.2/15.6 GiB

System Info

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

Trial Status

Trial name status loc iter total time (s) num_env_steps_sample d_lifetime num_episodes_lifetim e num_env_steps_traine d_lifetime
PPO_SatelliteTasking-RLlib_b1bae_00000TERMINATED10.1.0.43:5002 10 26.42242500112500
(PPO pid=5002) 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_b1bae_00000{'num_module_steps_sampled': {'default_policy': 250}, 'num_episodes': 1, 'rw_status_valid': np.float64(1.0), 'reward': np.float64(0.2604561403508772), 'sample': np.float64(2.608243871592258), 'num_env_steps_sampled': 250, 'orbits_complete': np.float64(2.8842105263157896), 'num_module_steps_sampled_lifetime': {'default_policy': 13750}, 'num_env_steps_sampled_lifetime': 25000, 'alive': np.float64(0.0), 'num_agent_steps_sampled': {'default_agent': 250}, 'num_agent_steps_sampled_lifetime': {'default_agent': 13750}, 'battery_status_valid': np.float64(0.0), 'episode_len_min': 139, 'module_episode_returns_mean': {'default_policy': -0.7472105263157895}, 'reward_per_orbit': np.float64(0.09030413625304137), 'episode_return_mean': -0.7472105263157895, 'episode_return_max': -0.7395438596491228, 'episode_len_max': 222, 'episode_duration_sec_mean': 3.512181582000011, 'time_between_sampling': np.float64(0.16191612310323855), 'orbits_complete_partial_only': np.float64(2.8842105263157896), 'agent_episode_returns_mean': {'default_agent': -0.7472105263157895}, 'episode_return_min': -0.7548771929824561, 'episode_len_mean': 180.5}{'num_healthy_workers': 2, 'num_in_flight_async_reqs': 0, 'num_remote_worker_restarts': 0}{'default_policy': {'gradients_default_optimizer_global_norm': 0.30523550510406494, 'vf_loss_unclipped': 0.002817959990352392, 'entropy': 1.3493890762329102, 'num_non_trainable_parameters': 0.0, 'vf_explained_var': 0.629299521446228, 'default_optimizer_learning_rate': 3e-05, 'mean_kl_loss': 0.0, 'curr_entropy_coeff': 0.0, 'num_module_steps_trained': 250, 'num_trainable_parameters': 139525.0, 'policy_loss': -0.3325464129447937, 'total_loss': -0.3297284245491028, 'vf_loss': 0.002817959990352392}, '__all_modules__': {'num_non_trainable_parameters': 0.0, 'num_env_steps_trained': 250, 'num_module_steps_trained': 250, 'num_trainable_parameters': 139525.0, 'total_loss': -0.3297284245491028}}{'default_agent': 2500} 2500 2500 11{'cpu_util_percent': np.float64(49.875), 'ram_util_percent': np.float64(26.9)}{'env_runner_sampling_timer': 2.610378318052426, 'learner_update_timer': 0.1185791631174138, 'synch_weights': 0.0059045338606749705, 'synch_env_connectors': 0.005934891888386587}
(SingleAgentEnvRunner pid=5050) 2025-05-09 15:46:10,098 sats.satellite.Scanner-1       WARNING    <22980.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5050) 2025-05-09 15:46:17,882 sats.satellite.Scanner-1       WARNING    <15480.00> Scanner-1: failed battery_valid check [repeated 4x across cluster] (Ray deduplicates logs by default. Set RAY_DEDUP_LOGS=0 to disable log deduplication, or see https://docs.ray.io/en/master/ray-observability/user-guides/configure-logging.html#log-deduplication for more options.)
(SingleAgentEnvRunner pid=5050) 2025-05-09 15:46:28,220 sats.satellite.Scanner-1       WARNING    <23460.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5049) 2025-05-09 15:46:28,296 sats.satellite.Scanner-1       WARNING    <14100.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5049) 2025-05-09 15:46:31,485 sats.satellite.Scanner-1       WARNING    <16440.00> Scanner-1: failed battery_valid check
2025-05-09 15:46:32,505 INFO tune.py:1009 -- Wrote the latest version of all result files and experiment state to '/home/runner/ray_results/PPO_2025-05-09_15-45-55' in 0.0218s.
(PPO pid=5002) Checkpoint successfully created at: Checkpoint(filesystem=local, path=/home/runner/ray_results/PPO_2025-05-09_15-45-55/PPO_SatelliteTasking-RLlib_b1bae_00000_0_2025-05-09_15-45-55/checkpoint_000000)
2025-05-09 15:46:33,241 INFO tune.py:1041 -- Total run time: 37.85 seconds (37.05 seconds for the tuning loop).

Loading the Policy Network

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

Stepping Through the Environment

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

[8]:
from bsk_rl import SatelliteTasking

env = SatelliteTasking(**env_args, log_level="INFO")
env.reset()
terminated = False
while not terminated:
    action = env.action_space.sample()
    observation, reward, terminated, truncated, info = env.step(action)
2025-05-09 15:46:34,626 gym                            INFO       Resetting environment with seed=4016071869
2025-05-09 15:46:34,721 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: Finding opportunity windows from 0.00 to 28500.00 seconds
2025-05-09 15:46:34,811 gym                            INFO       <0.00> Environment reset
2025-05-09 15:46:34,812 gym                            INFO       <0.00> === STARTING STEP ===
2025-05-09 15:46:34,813 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:34,813 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: setting timed terminal event at 180.0
2025-05-09 15:46:34,833 sats.satellite.Scanner-1       INFO       <180.00> Scanner-1: timed termination at 180.0 for action_nadir_scan
2025-05-09 15:46:34,834 data.base                      INFO       <180.00> Total reward: {'Scanner-1': 0.0038245614035087717}
2025-05-09 15:46:34,834 comm.communication             INFO       <180.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:34,835 sats.satellite.Scanner-1       INFO       <180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:34,836 gym                            INFO       <180.00> Step reward: 0.0038245614035087717
2025-05-09 15:46:34,837 gym                            INFO       <180.00> === STARTING STEP ===
2025-05-09 15:46:34,838 sats.satellite.Scanner-1       INFO       <180.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:34,838 sats.satellite.Scanner-1       INFO       <180.00> Scanner-1: setting timed terminal event at 300.0
2025-05-09 15:46:34,854 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: timed termination at 300.0 for action_charge
2025-05-09 15:46:34,855 data.base                      INFO       <300.00> Total reward: {}
2025-05-09 15:46:34,855 comm.communication             INFO       <300.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:34,856 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:34,858 gym                            INFO       <300.00> Step reward: 0.0
2025-05-09 15:46:34,859 gym                            INFO       <300.00> === STARTING STEP ===
2025-05-09 15:46:34,859 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:34,860 sats.satellite.Scanner-1       INFO       <300.00> Scanner-1: setting timed terminal event at 360.0
2025-05-09 15:46:34,868 sats.satellite.Scanner-1       INFO       <360.00> Scanner-1: timed termination at 360.0 for action_downlink
2025-05-09 15:46:34,869 data.base                      INFO       <360.00> Total reward: {}
2025-05-09 15:46:34,869 comm.communication             INFO       <360.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:34,870 sats.satellite.Scanner-1       INFO       <360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:34,871 gym                            INFO       <360.00> Step reward: 0.0
2025-05-09 15:46:34,872 gym                            INFO       <360.00> === STARTING STEP ===
2025-05-09 15:46:34,872 sats.satellite.Scanner-1       INFO       <360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:34,873 sats.satellite.Scanner-1       INFO       <360.00> Scanner-1: setting timed terminal event at 420.0
2025-05-09 15:46:34,881 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: timed termination at 420.0 for action_desat
2025-05-09 15:46:34,882 data.base                      INFO       <420.00> Total reward: {}
2025-05-09 15:46:34,882 comm.communication             INFO       <420.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:34,883 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:34,884 gym                            INFO       <420.00> Step reward: 0.0
2025-05-09 15:46:34,885 gym                            INFO       <420.00> === STARTING STEP ===
2025-05-09 15:46:34,885 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:34,887 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: setting timed terminal event at 600.0
2025-05-09 15:46:34,905 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: timed termination at 600.0 for action_nadir_scan
2025-05-09 15:46:34,906 data.base                      INFO       <600.00> Total reward: {'Scanner-1': 0.004105263157894737}
2025-05-09 15:46:34,906 comm.communication             INFO       <600.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:34,907 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:34,908 gym                            INFO       <600.00> Step reward: 0.004105263157894737
2025-05-09 15:46:34,909 gym                            INFO       <600.00> === STARTING STEP ===
2025-05-09 15:46:34,910 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:34,910 sats.satellite.Scanner-1       INFO       <600.00> Scanner-1: setting timed terminal event at 660.0
2025-05-09 15:46:34,918 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: timed termination at 660.0 for action_downlink
2025-05-09 15:46:34,918 data.base                      INFO       <660.00> Total reward: {}
2025-05-09 15:46:34,919 comm.communication             INFO       <660.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:34,919 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:34,921 gym                            INFO       <660.00> Step reward: 0.0
2025-05-09 15:46:34,922 gym                            INFO       <660.00> === STARTING STEP ===
2025-05-09 15:46:34,922 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:34,923 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: setting timed terminal event at 840.0
2025-05-09 15:46:34,941 sats.satellite.Scanner-1       INFO       <840.00> Scanner-1: timed termination at 840.0 for action_nadir_scan
2025-05-09 15:46:34,942 data.base                      INFO       <840.00> Total reward: {'Scanner-1': 0.004701754385964912}
2025-05-09 15:46:34,943 comm.communication             INFO       <840.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:34,943 sats.satellite.Scanner-1       INFO       <840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:34,945 gym                            INFO       <840.00> Step reward: 0.004701754385964912
2025-05-09 15:46:34,946 gym                            INFO       <840.00> === STARTING STEP ===
2025-05-09 15:46:34,946 sats.satellite.Scanner-1       INFO       <840.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:34,947 sats.satellite.Scanner-1       INFO       <840.00> Scanner-1: setting timed terminal event at 960.0
2025-05-09 15:46:34,960 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: timed termination at 960.0 for action_charge
2025-05-09 15:46:34,960 data.base                      INFO       <960.00> Total reward: {}
2025-05-09 15:46:34,961 comm.communication             INFO       <960.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:34,961 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:34,963 gym                            INFO       <960.00> Step reward: 0.0
2025-05-09 15:46:34,964 gym                            INFO       <960.00> === STARTING STEP ===
2025-05-09 15:46:34,965 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:34,965 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: setting timed terminal event at 1020.0
2025-05-09 15:46:34,973 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: timed termination at 1020.0 for action_downlink
2025-05-09 15:46:34,973 data.base                      INFO       <1020.00> Total reward: {}
2025-05-09 15:46:34,974 comm.communication             INFO       <1020.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:34,974 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:34,976 gym                            INFO       <1020.00> Step reward: 0.0
2025-05-09 15:46:34,977 gym                            INFO       <1020.00> === STARTING STEP ===
2025-05-09 15:46:34,977 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:34,977 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: setting timed terminal event at 1200.0
2025-05-09 15:46:34,996 sats.satellite.Scanner-1       INFO       <1200.00> Scanner-1: timed termination at 1200.0 for action_nadir_scan
2025-05-09 15:46:34,997 data.base                      INFO       <1200.00> Total reward: {'Scanner-1': 0.004210526315789474}
2025-05-09 15:46:34,998 comm.communication             INFO       <1200.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:34,998 sats.satellite.Scanner-1       INFO       <1200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,000 gym                            INFO       <1200.00> Step reward: 0.004210526315789474
2025-05-09 15:46:35,001 gym                            INFO       <1200.00> === STARTING STEP ===
2025-05-09 15:46:35,001 sats.satellite.Scanner-1       INFO       <1200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,002 sats.satellite.Scanner-1       INFO       <1200.00> Scanner-1: setting timed terminal event at 1380.0
2025-05-09 15:46:35,021 sats.satellite.Scanner-1       INFO       <1380.00> Scanner-1: timed termination at 1380.0 for action_nadir_scan
2025-05-09 15:46:35,021 data.base                      INFO       <1380.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:35,022 comm.communication             INFO       <1380.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,023 sats.satellite.Scanner-1       INFO       <1380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,024 gym                            INFO       <1380.00> Step reward: 0.00631578947368421
2025-05-09 15:46:35,025 gym                            INFO       <1380.00> === STARTING STEP ===
2025-05-09 15:46:35,026 sats.satellite.Scanner-1       INFO       <1380.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:35,026 sats.satellite.Scanner-1       INFO       <1380.00> Scanner-1: setting timed terminal event at 1500.0
2025-05-09 15:46:35,039 sats.satellite.Scanner-1       INFO       <1500.00> Scanner-1: timed termination at 1500.0 for action_charge
2025-05-09 15:46:35,040 data.base                      INFO       <1500.00> Total reward: {}
2025-05-09 15:46:35,040 comm.communication             INFO       <1500.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,041 sats.satellite.Scanner-1       INFO       <1500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,043 gym                            INFO       <1500.00> Step reward: 0.0
2025-05-09 15:46:35,044 gym                            INFO       <1500.00> === STARTING STEP ===
2025-05-09 15:46:35,044 sats.satellite.Scanner-1       INFO       <1500.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,045 sats.satellite.Scanner-1       INFO       <1500.00> Scanner-1: setting timed terminal event at 1680.0
2025-05-09 15:46:35,068 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: timed termination at 1680.0 for action_nadir_scan
2025-05-09 15:46:35,068 data.base                      INFO       <1680.00> Total reward: {'Scanner-1': 0.0034736842105263155}
2025-05-09 15:46:35,069 comm.communication             INFO       <1680.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,070 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,072 gym                            INFO       <1680.00> Step reward: 0.0034736842105263155
2025-05-09 15:46:35,073 gym                            INFO       <1680.00> === STARTING STEP ===
2025-05-09 15:46:35,073 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,074 sats.satellite.Scanner-1       INFO       <1680.00> Scanner-1: setting timed terminal event at 1740.0
2025-05-09 15:46:35,083 sats.satellite.Scanner-1       INFO       <1740.00> Scanner-1: timed termination at 1740.0 for action_desat
2025-05-09 15:46:35,083 data.base                      INFO       <1740.00> Total reward: {}
2025-05-09 15:46:35,084 comm.communication             INFO       <1740.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,085 sats.satellite.Scanner-1       INFO       <1740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,086 gym                            INFO       <1740.00> Step reward: 0.0
2025-05-09 15:46:35,087 gym                            INFO       <1740.00> === STARTING STEP ===
2025-05-09 15:46:35,088 sats.satellite.Scanner-1       INFO       <1740.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:35,088 sats.satellite.Scanner-1       INFO       <1740.00> Scanner-1: setting timed terminal event at 1800.0
2025-05-09 15:46:35,097 sats.satellite.Scanner-1       INFO       <1800.00> Scanner-1: timed termination at 1800.0 for action_downlink
2025-05-09 15:46:35,098 data.base                      INFO       <1800.00> Total reward: {}
2025-05-09 15:46:35,098 comm.communication             INFO       <1800.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,099 sats.satellite.Scanner-1       INFO       <1800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,101 gym                            INFO       <1800.00> Step reward: 0.0
2025-05-09 15:46:35,102 gym                            INFO       <1800.00> === STARTING STEP ===
2025-05-09 15:46:35,102 sats.satellite.Scanner-1       INFO       <1800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,103 sats.satellite.Scanner-1       INFO       <1800.00> Scanner-1: setting timed terminal event at 1860.0
2025-05-09 15:46:35,112 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: timed termination at 1860.0 for action_desat
2025-05-09 15:46:35,112 data.base                      INFO       <1860.00> Total reward: {}
2025-05-09 15:46:35,113 comm.communication             INFO       <1860.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,113 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,115 gym                            INFO       <1860.00> Step reward: 0.0
2025-05-09 15:46:35,116 gym                            INFO       <1860.00> === STARTING STEP ===
2025-05-09 15:46:35,116 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:35,117 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: setting timed terminal event at 1980.0
2025-05-09 15:46:35,132 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: timed termination at 1980.0 for action_charge
2025-05-09 15:46:35,133 data.base                      INFO       <1980.00> Total reward: {}
2025-05-09 15:46:35,133 comm.communication             INFO       <1980.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,134 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,136 gym                            INFO       <1980.00> Step reward: 0.0
2025-05-09 15:46:35,137 gym                            INFO       <1980.00> === STARTING STEP ===
2025-05-09 15:46:35,137 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,138 sats.satellite.Scanner-1       INFO       <1980.00> Scanner-1: setting timed terminal event at 2160.0
2025-05-09 15:46:35,159 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: timed termination at 2160.0 for action_nadir_scan
2025-05-09 15:46:35,160 data.base                      INFO       <2160.00> Total reward: {'Scanner-1': 0.003157894736842105}
2025-05-09 15:46:35,160 comm.communication             INFO       <2160.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,161 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,163 gym                            INFO       <2160.00> Step reward: 0.003157894736842105
2025-05-09 15:46:35,163 gym                            INFO       <2160.00> === STARTING STEP ===
2025-05-09 15:46:35,164 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,165 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: setting timed terminal event at 2220.0
2025-05-09 15:46:35,172 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: timed termination at 2220.0 for action_desat
2025-05-09 15:46:35,173 data.base                      INFO       <2220.00> Total reward: {}
2025-05-09 15:46:35,173 comm.communication             INFO       <2220.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,174 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,175 gym                            INFO       <2220.00> Step reward: 0.0
2025-05-09 15:46:35,176 gym                            INFO       <2220.00> === STARTING STEP ===
2025-05-09 15:46:35,177 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,177 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: setting timed terminal event at 2400.0
2025-05-09 15:46:35,200 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: timed termination at 2400.0 for action_nadir_scan
2025-05-09 15:46:35,200 data.base                      INFO       <2400.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-09 15:46:35,201 comm.communication             INFO       <2400.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,201 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,204 gym                            INFO       <2400.00> Step reward: 0.004912280701754385
2025-05-09 15:46:35,205 gym                            INFO       <2400.00> === STARTING STEP ===
2025-05-09 15:46:35,205 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,206 sats.satellite.Scanner-1       INFO       <2400.00> Scanner-1: setting timed terminal event at 2460.0
2025-05-09 15:46:35,215 sats.satellite.Scanner-1       INFO       <2460.00> Scanner-1: timed termination at 2460.0 for action_desat
2025-05-09 15:46:35,215 data.base                      INFO       <2460.00> Total reward: {}
2025-05-09 15:46:35,216 comm.communication             INFO       <2460.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,216 sats.satellite.Scanner-1       INFO       <2460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,218 gym                            INFO       <2460.00> Step reward: 0.0
2025-05-09 15:46:35,219 gym                            INFO       <2460.00> === STARTING STEP ===
2025-05-09 15:46:35,219 sats.satellite.Scanner-1       INFO       <2460.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:35,220 sats.satellite.Scanner-1       INFO       <2460.00> Scanner-1: setting timed terminal event at 2580.0
2025-05-09 15:46:35,233 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: timed termination at 2580.0 for action_charge
2025-05-09 15:46:35,234 data.base                      INFO       <2580.00> Total reward: {}
2025-05-09 15:46:35,234 comm.communication             INFO       <2580.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,235 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,236 gym                            INFO       <2580.00> Step reward: 0.0
2025-05-09 15:46:35,237 gym                            INFO       <2580.00> === STARTING STEP ===
2025-05-09 15:46:35,237 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,239 sats.satellite.Scanner-1       INFO       <2580.00> Scanner-1: setting timed terminal event at 2760.0
2025-05-09 15:46:35,257 sats.satellite.Scanner-1       INFO       <2760.00> Scanner-1: timed termination at 2760.0 for action_nadir_scan
2025-05-09 15:46:35,258 data.base                      INFO       <2760.00> Total reward: {'Scanner-1': 0.004421052631578947}
2025-05-09 15:46:35,259 comm.communication             INFO       <2760.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,259 sats.satellite.Scanner-1       INFO       <2760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,261 gym                            INFO       <2760.00> Step reward: 0.004421052631578947
2025-05-09 15:46:35,261 gym                            INFO       <2760.00> === STARTING STEP ===
2025-05-09 15:46:35,262 sats.satellite.Scanner-1       INFO       <2760.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:35,262 sats.satellite.Scanner-1       INFO       <2760.00> Scanner-1: setting timed terminal event at 2820.0
2025-05-09 15:46:35,270 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: timed termination at 2820.0 for action_downlink
2025-05-09 15:46:35,271 data.base                      INFO       <2820.00> Total reward: {}
2025-05-09 15:46:35,271 comm.communication             INFO       <2820.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,272 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,273 gym                            INFO       <2820.00> Step reward: 0.0
2025-05-09 15:46:35,274 gym                            INFO       <2820.00> === STARTING STEP ===
2025-05-09 15:46:35,275 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,275 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: setting timed terminal event at 3000.0
2025-05-09 15:46:35,298 sats.satellite.Scanner-1       INFO       <3000.00> Scanner-1: timed termination at 3000.0 for action_nadir_scan
2025-05-09 15:46:35,298 data.base                      INFO       <3000.00> Total reward: {'Scanner-1': 0.0034035087719298243}
2025-05-09 15:46:35,299 comm.communication             INFO       <3000.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,299 sats.satellite.Scanner-1       INFO       <3000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,301 gym                            INFO       <3000.00> Step reward: 0.0034035087719298243
2025-05-09 15:46:35,302 gym                            INFO       <3000.00> === STARTING STEP ===
2025-05-09 15:46:35,302 sats.satellite.Scanner-1       INFO       <3000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,303 sats.satellite.Scanner-1       INFO       <3000.00> Scanner-1: setting timed terminal event at 3180.0
2025-05-09 15:46:35,321 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: timed termination at 3180.0 for action_nadir_scan
2025-05-09 15:46:35,322 data.base                      INFO       <3180.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:35,322 comm.communication             INFO       <3180.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,323 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,325 gym                            INFO       <3180.00> Step reward: 0.00631578947368421
2025-05-09 15:46:35,326 gym                            INFO       <3180.00> === STARTING STEP ===
2025-05-09 15:46:35,326 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,327 sats.satellite.Scanner-1       INFO       <3180.00> Scanner-1: setting timed terminal event at 3240.0
2025-05-09 15:46:35,334 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: timed termination at 3240.0 for action_desat
2025-05-09 15:46:35,335 data.base                      INFO       <3240.00> Total reward: {}
2025-05-09 15:46:35,335 comm.communication             INFO       <3240.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,336 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,338 gym                            INFO       <3240.00> Step reward: 0.0
2025-05-09 15:46:35,339 gym                            INFO       <3240.00> === STARTING STEP ===
2025-05-09 15:46:35,339 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:35,339 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: setting timed terminal event at 3300.0
2025-05-09 15:46:35,348 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: timed termination at 3300.0 for action_downlink
2025-05-09 15:46:35,348 data.base                      INFO       <3300.00> Total reward: {}
2025-05-09 15:46:35,349 comm.communication             INFO       <3300.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,349 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,351 gym                            INFO       <3300.00> Step reward: 0.0
2025-05-09 15:46:35,352 gym                            INFO       <3300.00> === STARTING STEP ===
2025-05-09 15:46:35,352 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:35,353 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: setting timed terminal event at 3360.0
2025-05-09 15:46:35,360 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: timed termination at 3360.0 for action_downlink
2025-05-09 15:46:35,361 data.base                      INFO       <3360.00> Total reward: {}
2025-05-09 15:46:35,361 comm.communication             INFO       <3360.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,362 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,364 gym                            INFO       <3360.00> Step reward: 0.0
2025-05-09 15:46:35,364 gym                            INFO       <3360.00> === STARTING STEP ===
2025-05-09 15:46:35,365 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,365 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: setting timed terminal event at 3420.0
2025-05-09 15:46:35,373 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: timed termination at 3420.0 for action_desat
2025-05-09 15:46:35,373 data.base                      INFO       <3420.00> Total reward: {}
2025-05-09 15:46:35,374 comm.communication             INFO       <3420.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,375 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,376 gym                            INFO       <3420.00> Step reward: 0.0
2025-05-09 15:46:35,377 gym                            INFO       <3420.00> === STARTING STEP ===
2025-05-09 15:46:35,377 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:35,378 sats.satellite.Scanner-1       INFO       <3420.00> Scanner-1: setting timed terminal event at 3540.0
2025-05-09 15:46:35,391 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: timed termination at 3540.0 for action_charge
2025-05-09 15:46:35,391 data.base                      INFO       <3540.00> Total reward: {}
2025-05-09 15:46:35,392 comm.communication             INFO       <3540.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,392 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,394 gym                            INFO       <3540.00> Step reward: 0.0
2025-05-09 15:46:35,395 gym                            INFO       <3540.00> === STARTING STEP ===
2025-05-09 15:46:35,395 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:35,396 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: setting timed terminal event at 3600.0
2025-05-09 15:46:35,403 sats.satellite.Scanner-1       INFO       <3600.00> Scanner-1: timed termination at 3600.0 for action_downlink
2025-05-09 15:46:35,404 data.base                      INFO       <3600.00> Total reward: {}
2025-05-09 15:46:35,404 comm.communication             INFO       <3600.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,405 sats.satellite.Scanner-1       INFO       <3600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,407 gym                            INFO       <3600.00> Step reward: 0.0
2025-05-09 15:46:35,407 gym                            INFO       <3600.00> === STARTING STEP ===
2025-05-09 15:46:35,408 sats.satellite.Scanner-1       INFO       <3600.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,408 sats.satellite.Scanner-1       INFO       <3600.00> Scanner-1: setting timed terminal event at 3660.0
2025-05-09 15:46:35,416 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: timed termination at 3660.0 for action_desat
2025-05-09 15:46:35,417 data.base                      INFO       <3660.00> Total reward: {}
2025-05-09 15:46:35,417 comm.communication             INFO       <3660.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,418 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,419 gym                            INFO       <3660.00> Step reward: 0.0
2025-05-09 15:46:35,420 gym                            INFO       <3660.00> === STARTING STEP ===
2025-05-09 15:46:35,421 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:35,421 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: setting timed terminal event at 3780.0
2025-05-09 15:46:35,435 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: timed termination at 3780.0 for action_charge
2025-05-09 15:46:35,435 data.base                      INFO       <3780.00> Total reward: {}
2025-05-09 15:46:35,436 comm.communication             INFO       <3780.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,436 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,438 gym                            INFO       <3780.00> Step reward: 0.0
2025-05-09 15:46:35,439 gym                            INFO       <3780.00> === STARTING STEP ===
2025-05-09 15:46:35,440 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:35,440 sats.satellite.Scanner-1       INFO       <3780.00> Scanner-1: setting timed terminal event at 3840.0
2025-05-09 15:46:35,448 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: timed termination at 3840.0 for action_downlink
2025-05-09 15:46:35,449 data.base                      INFO       <3840.00> Total reward: {}
2025-05-09 15:46:35,449 comm.communication             INFO       <3840.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,450 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,452 gym                            INFO       <3840.00> Step reward: 0.0
2025-05-09 15:46:35,452 gym                            INFO       <3840.00> === STARTING STEP ===
2025-05-09 15:46:35,453 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,453 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: setting timed terminal event at 4020.0
2025-05-09 15:46:35,473 sats.satellite.Scanner-1       INFO       <4020.00> Scanner-1: timed termination at 4020.0 for action_nadir_scan
2025-05-09 15:46:35,473 data.base                      INFO       <4020.00> Total reward: {'Scanner-1': 0.005017543859649122}
2025-05-09 15:46:35,474 comm.communication             INFO       <4020.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,474 sats.satellite.Scanner-1       INFO       <4020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,476 gym                            INFO       <4020.00> Step reward: 0.005017543859649122
2025-05-09 15:46:35,477 gym                            INFO       <4020.00> === STARTING STEP ===
2025-05-09 15:46:35,477 sats.satellite.Scanner-1       INFO       <4020.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,478 sats.satellite.Scanner-1       INFO       <4020.00> Scanner-1: setting timed terminal event at 4080.0
2025-05-09 15:46:35,486 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: timed termination at 4080.0 for action_desat
2025-05-09 15:46:35,486 data.base                      INFO       <4080.00> Total reward: {}
2025-05-09 15:46:35,487 comm.communication             INFO       <4080.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,488 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,489 gym                            INFO       <4080.00> Step reward: 0.0
2025-05-09 15:46:35,490 gym                            INFO       <4080.00> === STARTING STEP ===
2025-05-09 15:46:35,491 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,491 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: setting timed terminal event at 4140.0
2025-05-09 15:46:35,499 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: timed termination at 4140.0 for action_desat
2025-05-09 15:46:35,500 data.base                      INFO       <4140.00> Total reward: {}
2025-05-09 15:46:35,500 comm.communication             INFO       <4140.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,501 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,503 gym                            INFO       <4140.00> Step reward: 0.0
2025-05-09 15:46:35,503 gym                            INFO       <4140.00> === STARTING STEP ===
2025-05-09 15:46:35,504 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,504 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: setting timed terminal event at 4320.0
2025-05-09 15:46:35,523 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: timed termination at 4320.0 for action_nadir_scan
2025-05-09 15:46:35,524 data.base                      INFO       <4320.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-09 15:46:35,524 comm.communication             INFO       <4320.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,525 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,527 gym                            INFO       <4320.00> Step reward: 0.004912280701754385
2025-05-09 15:46:35,528 gym                            INFO       <4320.00> === STARTING STEP ===
2025-05-09 15:46:35,528 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,528 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: setting timed terminal event at 4500.0
2025-05-09 15:46:35,550 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: timed termination at 4500.0 for action_nadir_scan
2025-05-09 15:46:35,551 data.base                      INFO       <4500.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:35,551 comm.communication             INFO       <4500.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,552 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,553 gym                            INFO       <4500.00> Step reward: 0.00631578947368421
2025-05-09 15:46:35,554 gym                            INFO       <4500.00> === STARTING STEP ===
2025-05-09 15:46:35,555 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:35,555 sats.satellite.Scanner-1       INFO       <4500.00> Scanner-1: setting timed terminal event at 4560.0
2025-05-09 15:46:35,563 sats.satellite.Scanner-1       INFO       <4560.00> Scanner-1: timed termination at 4560.0 for action_downlink
2025-05-09 15:46:35,563 data.base                      INFO       <4560.00> Total reward: {}
2025-05-09 15:46:35,564 comm.communication             INFO       <4560.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,564 sats.satellite.Scanner-1       INFO       <4560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,566 gym                            INFO       <4560.00> Step reward: 0.0
2025-05-09 15:46:35,566 gym                            INFO       <4560.00> === STARTING STEP ===
2025-05-09 15:46:35,567 sats.satellite.Scanner-1       INFO       <4560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,567 sats.satellite.Scanner-1       INFO       <4560.00> Scanner-1: setting timed terminal event at 4620.0
2025-05-09 15:46:35,575 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: timed termination at 4620.0 for action_desat
2025-05-09 15:46:35,576 data.base                      INFO       <4620.00> Total reward: {}
2025-05-09 15:46:35,576 comm.communication             INFO       <4620.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,577 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,579 gym                            INFO       <4620.00> Step reward: 0.0
2025-05-09 15:46:35,579 gym                            INFO       <4620.00> === STARTING STEP ===
2025-05-09 15:46:35,580 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:35,580 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: setting timed terminal event at 4740.0
2025-05-09 15:46:35,593 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: timed termination at 4740.0 for action_charge
2025-05-09 15:46:35,594 data.base                      INFO       <4740.00> Total reward: {}
2025-05-09 15:46:35,594 comm.communication             INFO       <4740.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,595 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,597 gym                            INFO       <4740.00> Step reward: 0.0
2025-05-09 15:46:35,597 gym                            INFO       <4740.00> === STARTING STEP ===
2025-05-09 15:46:35,598 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,598 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: setting timed terminal event at 4800.0
2025-05-09 15:46:35,606 sats.satellite.Scanner-1       INFO       <4800.00> Scanner-1: timed termination at 4800.0 for action_desat
2025-05-09 15:46:35,606 data.base                      INFO       <4800.00> Total reward: {}
2025-05-09 15:46:35,607 comm.communication             INFO       <4800.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,608 sats.satellite.Scanner-1       INFO       <4800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,609 gym                            INFO       <4800.00> Step reward: 0.0
2025-05-09 15:46:35,610 gym                            INFO       <4800.00> === STARTING STEP ===
2025-05-09 15:46:35,611 sats.satellite.Scanner-1       INFO       <4800.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,611 sats.satellite.Scanner-1       INFO       <4800.00> Scanner-1: setting timed terminal event at 4980.0
2025-05-09 15:46:35,633 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: timed termination at 4980.0 for action_nadir_scan
2025-05-09 15:46:35,634 data.base                      INFO       <4980.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-09 15:46:35,634 comm.communication             INFO       <4980.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,635 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,637 gym                            INFO       <4980.00> Step reward: 0.004912280701754385
2025-05-09 15:46:35,638 gym                            INFO       <4980.00> === STARTING STEP ===
2025-05-09 15:46:35,638 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,639 sats.satellite.Scanner-1       INFO       <4980.00> Scanner-1: setting timed terminal event at 5160.0
2025-05-09 15:46:35,661 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: timed termination at 5160.0 for action_nadir_scan
2025-05-09 15:46:35,662 data.base                      INFO       <5160.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:35,662 comm.communication             INFO       <5160.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,662 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,664 gym                            INFO       <5160.00> Step reward: 0.00631578947368421
2025-05-09 15:46:35,665 gym                            INFO       <5160.00> === STARTING STEP ===
2025-05-09 15:46:35,665 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:35,666 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: setting timed terminal event at 5220.0
2025-05-09 15:46:35,674 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: timed termination at 5220.0 for action_downlink
2025-05-09 15:46:35,675 data.base                      INFO       <5220.00> Total reward: {}
2025-05-09 15:46:35,675 comm.communication             INFO       <5220.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,676 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,678 gym                            INFO       <5220.00> Step reward: 0.0
2025-05-09 15:46:35,678 gym                            INFO       <5220.00> === STARTING STEP ===
2025-05-09 15:46:35,679 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,679 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: setting timed terminal event at 5280.0
2025-05-09 15:46:35,688 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: timed termination at 5280.0 for action_desat
2025-05-09 15:46:35,689 data.base                      INFO       <5280.00> Total reward: {}
2025-05-09 15:46:35,689 comm.communication             INFO       <5280.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,690 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,691 gym                            INFO       <5280.00> Step reward: 0.0
2025-05-09 15:46:35,692 gym                            INFO       <5280.00> === STARTING STEP ===
2025-05-09 15:46:35,694 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:35,694 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: setting timed terminal event at 5340.0
2025-05-09 15:46:35,702 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: timed termination at 5340.0 for action_downlink
2025-05-09 15:46:35,702 data.base                      INFO       <5340.00> Total reward: {}
2025-05-09 15:46:35,703 comm.communication             INFO       <5340.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,703 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,705 gym                            INFO       <5340.00> Step reward: 0.0
2025-05-09 15:46:35,706 gym                            INFO       <5340.00> === STARTING STEP ===
2025-05-09 15:46:35,706 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:35,707 sats.satellite.Scanner-1       INFO       <5340.00> Scanner-1: setting timed terminal event at 5400.0
2025-05-09 15:46:35,714 sats.satellite.Scanner-1       INFO       <5400.00> Scanner-1: timed termination at 5400.0 for action_downlink
2025-05-09 15:46:35,715 data.base                      INFO       <5400.00> Total reward: {}
2025-05-09 15:46:35,715 comm.communication             INFO       <5400.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,715 sats.satellite.Scanner-1       INFO       <5400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,717 gym                            INFO       <5400.00> Step reward: 0.0
2025-05-09 15:46:35,717 gym                            INFO       <5400.00> === STARTING STEP ===
2025-05-09 15:46:35,718 sats.satellite.Scanner-1       INFO       <5400.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:35,719 sats.satellite.Scanner-1       INFO       <5400.00> Scanner-1: setting timed terminal event at 5520.0
2025-05-09 15:46:35,734 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: timed termination at 5520.0 for action_charge
2025-05-09 15:46:35,735 data.base                      INFO       <5520.00> Total reward: {}
2025-05-09 15:46:35,735 comm.communication             INFO       <5520.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,736 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,737 gym                            INFO       <5520.00> Step reward: 0.0
2025-05-09 15:46:35,738 gym                            INFO       <5520.00> === STARTING STEP ===
2025-05-09 15:46:35,738 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,739 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: setting timed terminal event at 5580.0
2025-05-09 15:46:35,748 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: timed termination at 5580.0 for action_desat
2025-05-09 15:46:35,748 data.base                      INFO       <5580.00> Total reward: {}
2025-05-09 15:46:35,749 comm.communication             INFO       <5580.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,749 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,751 gym                            INFO       <5580.00> Step reward: 0.0
2025-05-09 15:46:35,752 gym                            INFO       <5580.00> === STARTING STEP ===
2025-05-09 15:46:35,752 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,752 sats.satellite.Scanner-1       INFO       <5580.00> Scanner-1: setting timed terminal event at 5760.0
2025-05-09 15:46:35,772 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: timed termination at 5760.0 for action_nadir_scan
2025-05-09 15:46:35,772 data.base                      INFO       <5760.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-05-09 15:46:35,773 comm.communication             INFO       <5760.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,773 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,774 gym                            INFO       <5760.00> Step reward: 0.00487719298245614
2025-05-09 15:46:35,775 gym                            INFO       <5760.00> === STARTING STEP ===
2025-05-09 15:46:35,776 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,776 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: setting timed terminal event at 5820.0
2025-05-09 15:46:35,785 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: timed termination at 5820.0 for action_desat
2025-05-09 15:46:35,786 data.base                      INFO       <5820.00> Total reward: {}
2025-05-09 15:46:35,786 comm.communication             INFO       <5820.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,787 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,789 gym                            INFO       <5820.00> Step reward: 0.0
2025-05-09 15:46:35,790 gym                            INFO       <5820.00> === STARTING STEP ===
2025-05-09 15:46:35,790 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,790 sats.satellite.Scanner-1       INFO       <5820.00> Scanner-1: setting timed terminal event at 6000.0
2025-05-09 15:46:35,811 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: timed termination at 6000.0 for action_nadir_scan
2025-05-09 15:46:35,812 data.base                      INFO       <6000.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-05-09 15:46:35,813 comm.communication             INFO       <6000.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,813 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,815 gym                            INFO       <6000.00> Step reward: 0.00487719298245614
2025-05-09 15:46:35,816 gym                            INFO       <6000.00> === STARTING STEP ===
2025-05-09 15:46:35,816 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:35,817 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: setting timed terminal event at 6120.0
2025-05-09 15:46:35,830 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: timed termination at 6120.0 for action_charge
2025-05-09 15:46:35,831 data.base                      INFO       <6120.00> Total reward: {}
2025-05-09 15:46:35,831 comm.communication             INFO       <6120.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,832 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,834 gym                            INFO       <6120.00> Step reward: 0.0
2025-05-09 15:46:35,834 gym                            INFO       <6120.00> === STARTING STEP ===
2025-05-09 15:46:35,835 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,835 sats.satellite.Scanner-1       INFO       <6120.00> Scanner-1: setting timed terminal event at 6180.0
2025-05-09 15:46:35,843 sats.satellite.Scanner-1       INFO       <6180.00> Scanner-1: timed termination at 6180.0 for action_desat
2025-05-09 15:46:35,844 data.base                      INFO       <6180.00> Total reward: {}
2025-05-09 15:46:35,844 comm.communication             INFO       <6180.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,845 sats.satellite.Scanner-1       INFO       <6180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,847 gym                            INFO       <6180.00> Step reward: 0.0
2025-05-09 15:46:35,847 gym                            INFO       <6180.00> === STARTING STEP ===
2025-05-09 15:46:35,848 sats.satellite.Scanner-1       INFO       <6180.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,848 sats.satellite.Scanner-1       INFO       <6180.00> Scanner-1: setting timed terminal event at 6240.0
2025-05-09 15:46:35,857 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: timed termination at 6240.0 for action_desat
2025-05-09 15:46:35,858 data.base                      INFO       <6240.00> Total reward: {}
2025-05-09 15:46:35,858 comm.communication             INFO       <6240.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,859 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,861 gym                            INFO       <6240.00> Step reward: 0.0
2025-05-09 15:46:35,862 gym                            INFO       <6240.00> === STARTING STEP ===
2025-05-09 15:46:35,862 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,863 sats.satellite.Scanner-1       INFO       <6240.00> Scanner-1: setting timed terminal event at 6420.0
2025-05-09 15:46:35,886 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: timed termination at 6420.0 for action_nadir_scan
2025-05-09 15:46:35,886 data.base                      INFO       <6420.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-05-09 15:46:35,887 comm.communication             INFO       <6420.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,888 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,890 gym                            INFO       <6420.00> Step reward: 0.004947368421052631
2025-05-09 15:46:35,890 gym                            INFO       <6420.00> === STARTING STEP ===
2025-05-09 15:46:35,891 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:35,891 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: setting timed terminal event at 6480.0
2025-05-09 15:46:35,901 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: timed termination at 6480.0 for action_desat
2025-05-09 15:46:35,901 data.base                      INFO       <6480.00> Total reward: {}
2025-05-09 15:46:35,902 comm.communication             INFO       <6480.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,902 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,904 gym                            INFO       <6480.00> Step reward: 0.0
2025-05-09 15:46:35,905 gym                            INFO       <6480.00> === STARTING STEP ===
2025-05-09 15:46:35,905 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,906 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: setting timed terminal event at 6660.0
2025-05-09 15:46:35,924 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: timed termination at 6660.0 for action_nadir_scan
2025-05-09 15:46:35,925 data.base                      INFO       <6660.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-05-09 15:46:35,925 comm.communication             INFO       <6660.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,926 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,928 gym                            INFO       <6660.00> Step reward: 0.00487719298245614
2025-05-09 15:46:35,929 gym                            INFO       <6660.00> === STARTING STEP ===
2025-05-09 15:46:35,929 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:35,930 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: setting timed terminal event at 6780.0
2025-05-09 15:46:35,943 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: timed termination at 6780.0 for action_charge
2025-05-09 15:46:35,943 data.base                      INFO       <6780.00> Total reward: {}
2025-05-09 15:46:35,944 comm.communication             INFO       <6780.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,944 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,946 gym                            INFO       <6780.00> Step reward: 0.0
2025-05-09 15:46:35,947 gym                            INFO       <6780.00> === STARTING STEP ===
2025-05-09 15:46:35,947 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:35,948 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: setting timed terminal event at 6840.0
2025-05-09 15:46:35,955 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: timed termination at 6840.0 for action_downlink
2025-05-09 15:46:35,956 data.base                      INFO       <6840.00> Total reward: {}
2025-05-09 15:46:35,956 comm.communication             INFO       <6840.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,957 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,959 gym                            INFO       <6840.00> Step reward: 0.0
2025-05-09 15:46:35,959 gym                            INFO       <6840.00> === STARTING STEP ===
2025-05-09 15:46:35,960 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,960 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: setting timed terminal event at 7020.0
2025-05-09 15:46:35,983 sats.satellite.Scanner-1       INFO       <7020.00> Scanner-1: timed termination at 7020.0 for action_nadir_scan
2025-05-09 15:46:35,983 data.base                      INFO       <7020.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-05-09 15:46:35,984 comm.communication             INFO       <7020.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:35,984 sats.satellite.Scanner-1       INFO       <7020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:35,986 gym                            INFO       <7020.00> Step reward: 0.00487719298245614
2025-05-09 15:46:35,987 gym                            INFO       <7020.00> === STARTING STEP ===
2025-05-09 15:46:35,988 sats.satellite.Scanner-1       INFO       <7020.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:35,988 sats.satellite.Scanner-1       INFO       <7020.00> Scanner-1: setting timed terminal event at 7200.0
2025-05-09 15:46:36,007 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: timed termination at 7200.0 for action_nadir_scan
2025-05-09 15:46:36,008 data.base                      INFO       <7200.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:36,008 comm.communication             INFO       <7200.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,009 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,011 gym                            INFO       <7200.00> Step reward: 0.00631578947368421
2025-05-09 15:46:36,011 gym                            INFO       <7200.00> === STARTING STEP ===
2025-05-09 15:46:36,012 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,012 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: setting timed terminal event at 7380.0
2025-05-09 15:46:36,033 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: timed termination at 7380.0 for action_nadir_scan
2025-05-09 15:46:36,033 data.base                      INFO       <7380.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:36,034 comm.communication             INFO       <7380.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,034 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,036 gym                            INFO       <7380.00> Step reward: 0.00631578947368421
2025-05-09 15:46:36,037 gym                            INFO       <7380.00> === STARTING STEP ===
2025-05-09 15:46:36,037 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,038 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: setting timed terminal event at 7500.0
2025-05-09 15:46:36,051 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: timed termination at 7500.0 for action_charge
2025-05-09 15:46:36,051 data.base                      INFO       <7500.00> Total reward: {}
2025-05-09 15:46:36,052 comm.communication             INFO       <7500.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,052 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,054 gym                            INFO       <7500.00> Step reward: 0.0
2025-05-09 15:46:36,055 gym                            INFO       <7500.00> === STARTING STEP ===
2025-05-09 15:46:36,055 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,056 sats.satellite.Scanner-1       INFO       <7500.00> Scanner-1: setting timed terminal event at 7620.0
2025-05-09 15:46:36,069 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: timed termination at 7620.0 for action_charge
2025-05-09 15:46:36,070 data.base                      INFO       <7620.00> Total reward: {}
2025-05-09 15:46:36,070 comm.communication             INFO       <7620.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,071 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,072 gym                            INFO       <7620.00> Step reward: 0.0
2025-05-09 15:46:36,073 gym                            INFO       <7620.00> === STARTING STEP ===
2025-05-09 15:46:36,074 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:36,075 sats.satellite.Scanner-1       INFO       <7620.00> Scanner-1: setting timed terminal event at 7680.0
2025-05-09 15:46:36,082 sats.satellite.Scanner-1       INFO       <7680.00> Scanner-1: timed termination at 7680.0 for action_downlink
2025-05-09 15:46:36,083 data.base                      INFO       <7680.00> Total reward: {}
2025-05-09 15:46:36,083 comm.communication             INFO       <7680.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,084 sats.satellite.Scanner-1       INFO       <7680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,085 gym                            INFO       <7680.00> Step reward: 0.0
2025-05-09 15:46:36,086 gym                            INFO       <7680.00> === STARTING STEP ===
2025-05-09 15:46:36,086 sats.satellite.Scanner-1       INFO       <7680.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,087 sats.satellite.Scanner-1       INFO       <7680.00> Scanner-1: setting timed terminal event at 7860.0
2025-05-09 15:46:36,106 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: timed termination at 7860.0 for action_nadir_scan
2025-05-09 15:46:36,107 data.base                      INFO       <7860.00> Total reward: {'Scanner-1': 0.004842105263157894}
2025-05-09 15:46:36,107 comm.communication             INFO       <7860.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,108 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,110 gym                            INFO       <7860.00> Step reward: 0.004842105263157894
2025-05-09 15:46:36,111 gym                            INFO       <7860.00> === STARTING STEP ===
2025-05-09 15:46:36,111 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,112 sats.satellite.Scanner-1       INFO       <7860.00> Scanner-1: setting timed terminal event at 7980.0
2025-05-09 15:46:36,125 sats.satellite.Scanner-1       INFO       <7980.00> Scanner-1: timed termination at 7980.0 for action_charge
2025-05-09 15:46:36,126 data.base                      INFO       <7980.00> Total reward: {}
2025-05-09 15:46:36,126 comm.communication             INFO       <7980.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,127 sats.satellite.Scanner-1       INFO       <7980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,128 gym                            INFO       <7980.00> Step reward: 0.0
2025-05-09 15:46:36,129 gym                            INFO       <7980.00> === STARTING STEP ===
2025-05-09 15:46:36,130 sats.satellite.Scanner-1       INFO       <7980.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:36,130 sats.satellite.Scanner-1       INFO       <7980.00> Scanner-1: setting timed terminal event at 8040.0
2025-05-09 15:46:36,139 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: timed termination at 8040.0 for action_downlink
2025-05-09 15:46:36,139 data.base                      INFO       <8040.00> Total reward: {}
2025-05-09 15:46:36,140 comm.communication             INFO       <8040.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,140 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,142 gym                            INFO       <8040.00> Step reward: 0.0
2025-05-09 15:46:36,143 gym                            INFO       <8040.00> === STARTING STEP ===
2025-05-09 15:46:36,143 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,144 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: setting timed terminal event at 8160.0
2025-05-09 15:46:36,158 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: timed termination at 8160.0 for action_charge
2025-05-09 15:46:36,158 data.base                      INFO       <8160.00> Total reward: {}
2025-05-09 15:46:36,159 comm.communication             INFO       <8160.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,159 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,161 gym                            INFO       <8160.00> Step reward: 0.0
2025-05-09 15:46:36,162 gym                            INFO       <8160.00> === STARTING STEP ===
2025-05-09 15:46:36,162 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:36,163 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: setting timed terminal event at 8220.0
2025-05-09 15:46:36,172 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: timed termination at 8220.0 for action_downlink
2025-05-09 15:46:36,172 data.base                      INFO       <8220.00> Total reward: {}
2025-05-09 15:46:36,173 comm.communication             INFO       <8220.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,173 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,175 gym                            INFO       <8220.00> Step reward: 0.0
2025-05-09 15:46:36,176 gym                            INFO       <8220.00> === STARTING STEP ===
2025-05-09 15:46:36,176 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,177 sats.satellite.Scanner-1       INFO       <8220.00> Scanner-1: setting timed terminal event at 8340.0
2025-05-09 15:46:36,192 sats.satellite.Scanner-1       INFO       <8340.00> Scanner-1: timed termination at 8340.0 for action_charge
2025-05-09 15:46:36,192 data.base                      INFO       <8340.00> Total reward: {}
2025-05-09 15:46:36,193 comm.communication             INFO       <8340.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,193 sats.satellite.Scanner-1       INFO       <8340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,195 gym                            INFO       <8340.00> Step reward: 0.0
2025-05-09 15:46:36,196 gym                            INFO       <8340.00> === STARTING STEP ===
2025-05-09 15:46:36,196 sats.satellite.Scanner-1       INFO       <8340.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,197 sats.satellite.Scanner-1       INFO       <8340.00> Scanner-1: setting timed terminal event at 8520.0
2025-05-09 15:46:36,216 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: timed termination at 8520.0 for action_nadir_scan
2025-05-09 15:46:36,217 data.base                      INFO       <8520.00> Total reward: {'Scanner-1': 0.004666666666666666}
2025-05-09 15:46:36,218 comm.communication             INFO       <8520.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,218 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,220 gym                            INFO       <8520.00> Step reward: 0.004666666666666666
2025-05-09 15:46:36,221 gym                            INFO       <8520.00> === STARTING STEP ===
2025-05-09 15:46:36,222 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,222 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: setting timed terminal event at 8640.0
2025-05-09 15:46:36,235 sats.satellite.Scanner-1       INFO       <8640.00> Scanner-1: timed termination at 8640.0 for action_charge
2025-05-09 15:46:36,236 data.base                      INFO       <8640.00> Total reward: {}
2025-05-09 15:46:36,236 comm.communication             INFO       <8640.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,237 sats.satellite.Scanner-1       INFO       <8640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,238 gym                            INFO       <8640.00> Step reward: 0.0
2025-05-09 15:46:36,239 gym                            INFO       <8640.00> === STARTING STEP ===
2025-05-09 15:46:36,239 sats.satellite.Scanner-1       INFO       <8640.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,241 sats.satellite.Scanner-1       INFO       <8640.00> Scanner-1: setting timed terminal event at 8760.0
2025-05-09 15:46:36,254 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: timed termination at 8760.0 for action_charge
2025-05-09 15:46:36,254 data.base                      INFO       <8760.00> Total reward: {}
2025-05-09 15:46:36,255 comm.communication             INFO       <8760.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,255 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,257 gym                            INFO       <8760.00> Step reward: 0.0
2025-05-09 15:46:36,258 gym                            INFO       <8760.00> === STARTING STEP ===
2025-05-09 15:46:36,259 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:36,260 sats.satellite.Scanner-1       INFO       <8760.00> Scanner-1: setting timed terminal event at 8820.0
2025-05-09 15:46:36,269 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: timed termination at 8820.0 for action_desat
2025-05-09 15:46:36,269 data.base                      INFO       <8820.00> Total reward: {}
2025-05-09 15:46:36,270 comm.communication             INFO       <8820.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,270 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,272 gym                            INFO       <8820.00> Step reward: 0.0
2025-05-09 15:46:36,273 gym                            INFO       <8820.00> === STARTING STEP ===
2025-05-09 15:46:36,273 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,274 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: setting timed terminal event at 9000.0
2025-05-09 15:46:36,294 sats.satellite.Scanner-1       INFO       <9000.00> Scanner-1: timed termination at 9000.0 for action_nadir_scan
2025-05-09 15:46:36,294 data.base                      INFO       <9000.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-05-09 15:46:36,295 comm.communication             INFO       <9000.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,296 sats.satellite.Scanner-1       INFO       <9000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,297 gym                            INFO       <9000.00> Step reward: 0.0049824561403508764
2025-05-09 15:46:36,298 gym                            INFO       <9000.00> === STARTING STEP ===
2025-05-09 15:46:36,299 sats.satellite.Scanner-1       INFO       <9000.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:36,299 sats.satellite.Scanner-1       INFO       <9000.00> Scanner-1: setting timed terminal event at 9060.0
2025-05-09 15:46:36,307 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: timed termination at 9060.0 for action_downlink
2025-05-09 15:46:36,307 data.base                      INFO       <9060.00> Total reward: {}
2025-05-09 15:46:36,308 comm.communication             INFO       <9060.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,308 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,310 gym                            INFO       <9060.00> Step reward: 0.0
2025-05-09 15:46:36,311 gym                            INFO       <9060.00> === STARTING STEP ===
2025-05-09 15:46:36,312 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,312 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: setting timed terminal event at 9240.0
2025-05-09 15:46:36,331 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: timed termination at 9240.0 for action_nadir_scan
2025-05-09 15:46:36,332 data.base                      INFO       <9240.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-05-09 15:46:36,332 comm.communication             INFO       <9240.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,333 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,335 gym                            INFO       <9240.00> Step reward: 0.00487719298245614
2025-05-09 15:46:36,335 gym                            INFO       <9240.00> === STARTING STEP ===
2025-05-09 15:46:36,336 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,336 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: setting timed terminal event at 9420.0
2025-05-09 15:46:36,355 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: timed termination at 9420.0 for action_nadir_scan
2025-05-09 15:46:36,356 data.base                      INFO       <9420.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:36,356 comm.communication             INFO       <9420.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,357 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,359 gym                            INFO       <9420.00> Step reward: 0.00631578947368421
2025-05-09 15:46:36,359 gym                            INFO       <9420.00> === STARTING STEP ===
2025-05-09 15:46:36,360 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,361 sats.satellite.Scanner-1       INFO       <9420.00> Scanner-1: setting timed terminal event at 9540.0
2025-05-09 15:46:36,374 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: timed termination at 9540.0 for action_charge
2025-05-09 15:46:36,374 data.base                      INFO       <9540.00> Total reward: {}
2025-05-09 15:46:36,375 comm.communication             INFO       <9540.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,376 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,377 gym                            INFO       <9540.00> Step reward: 0.0
2025-05-09 15:46:36,378 gym                            INFO       <9540.00> === STARTING STEP ===
2025-05-09 15:46:36,379 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:36,379 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: setting timed terminal event at 9600.0
2025-05-09 15:46:36,388 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: timed termination at 9600.0 for action_downlink
2025-05-09 15:46:36,388 data.base                      INFO       <9600.00> Total reward: {}
2025-05-09 15:46:36,389 comm.communication             INFO       <9600.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,389 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,391 gym                            INFO       <9600.00> Step reward: 0.0
2025-05-09 15:46:36,392 gym                            INFO       <9600.00> === STARTING STEP ===
2025-05-09 15:46:36,392 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,393 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: setting timed terminal event at 9780.0
2025-05-09 15:46:36,415 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: timed termination at 9780.0 for action_nadir_scan
2025-05-09 15:46:36,416 data.base                      INFO       <9780.00> Total reward: {'Scanner-1': 0.005017543859649122}
2025-05-09 15:46:36,416 comm.communication             INFO       <9780.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,417 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,419 gym                            INFO       <9780.00> Step reward: 0.005017543859649122
2025-05-09 15:46:36,419 gym                            INFO       <9780.00> === STARTING STEP ===
2025-05-09 15:46:36,420 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:36,421 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: setting timed terminal event at 9840.0
2025-05-09 15:46:36,429 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: timed termination at 9840.0 for action_desat
2025-05-09 15:46:36,430 data.base                      INFO       <9840.00> Total reward: {}
2025-05-09 15:46:36,431 comm.communication             INFO       <9840.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,431 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,433 gym                            INFO       <9840.00> Step reward: 0.0
2025-05-09 15:46:36,433 gym                            INFO       <9840.00> === STARTING STEP ===
2025-05-09 15:46:36,434 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,434 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: setting timed terminal event at 10020.0
2025-05-09 15:46:36,457 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: timed termination at 10020.0 for action_nadir_scan
2025-05-09 15:46:36,457 data.base                      INFO       <10020.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-05-09 15:46:36,458 comm.communication             INFO       <10020.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,459 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,460 gym                            INFO       <10020.00> Step reward: 0.00487719298245614
2025-05-09 15:46:36,461 gym                            INFO       <10020.00> === STARTING STEP ===
2025-05-09 15:46:36,462 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,462 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: setting timed terminal event at 10200.0
2025-05-09 15:46:36,481 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: timed termination at 10200.0 for action_nadir_scan
2025-05-09 15:46:36,481 data.base                      INFO       <10200.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:36,482 comm.communication             INFO       <10200.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,482 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,484 gym                            INFO       <10200.00> Step reward: 0.00631578947368421
2025-05-09 15:46:36,485 gym                            INFO       <10200.00> === STARTING STEP ===
2025-05-09 15:46:36,485 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,486 sats.satellite.Scanner-1       INFO       <10200.00> Scanner-1: setting timed terminal event at 10380.0
2025-05-09 15:46:36,505 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: timed termination at 10380.0 for action_nadir_scan
2025-05-09 15:46:36,505 data.base                      INFO       <10380.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:36,506 comm.communication             INFO       <10380.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,506 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,508 gym                            INFO       <10380.00> Step reward: 0.00631578947368421
2025-05-09 15:46:36,509 gym                            INFO       <10380.00> === STARTING STEP ===
2025-05-09 15:46:36,509 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:36,510 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: setting timed terminal event at 10440.0
2025-05-09 15:46:36,517 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: timed termination at 10440.0 for action_desat
2025-05-09 15:46:36,518 data.base                      INFO       <10440.00> Total reward: {}
2025-05-09 15:46:36,518 comm.communication             INFO       <10440.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,519 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,520 gym                            INFO       <10440.00> Step reward: 0.0
2025-05-09 15:46:36,521 gym                            INFO       <10440.00> === STARTING STEP ===
2025-05-09 15:46:36,522 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:36,522 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: setting timed terminal event at 10500.0
2025-05-09 15:46:36,529 sats.satellite.Scanner-1       INFO       <10500.00> Scanner-1: timed termination at 10500.0 for action_downlink
2025-05-09 15:46:36,530 data.base                      INFO       <10500.00> Total reward: {}
2025-05-09 15:46:36,530 comm.communication             INFO       <10500.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,531 sats.satellite.Scanner-1       INFO       <10500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,533 gym                            INFO       <10500.00> Step reward: 0.0
2025-05-09 15:46:36,533 gym                            INFO       <10500.00> === STARTING STEP ===
2025-05-09 15:46:36,534 sats.satellite.Scanner-1       INFO       <10500.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:36,534 sats.satellite.Scanner-1       INFO       <10500.00> Scanner-1: setting timed terminal event at 10560.0
2025-05-09 15:46:36,543 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: timed termination at 10560.0 for action_desat
2025-05-09 15:46:36,543 data.base                      INFO       <10560.00> Total reward: {}
2025-05-09 15:46:36,544 comm.communication             INFO       <10560.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,544 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,546 gym                            INFO       <10560.00> Step reward: 0.0
2025-05-09 15:46:36,547 gym                            INFO       <10560.00> === STARTING STEP ===
2025-05-09 15:46:36,548 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:36,548 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: setting timed terminal event at 10620.0
2025-05-09 15:46:36,556 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: timed termination at 10620.0 for action_desat
2025-05-09 15:46:36,556 data.base                      INFO       <10620.00> Total reward: {}
2025-05-09 15:46:36,557 comm.communication             INFO       <10620.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,557 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,559 gym                            INFO       <10620.00> Step reward: 0.0
2025-05-09 15:46:36,560 gym                            INFO       <10620.00> === STARTING STEP ===
2025-05-09 15:46:36,561 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:36,561 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: setting timed terminal event at 10680.0
2025-05-09 15:46:36,569 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: timed termination at 10680.0 for action_downlink
2025-05-09 15:46:36,569 data.base                      INFO       <10680.00> Total reward: {}
2025-05-09 15:46:36,570 comm.communication             INFO       <10680.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,571 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,573 gym                            INFO       <10680.00> Step reward: 0.0
2025-05-09 15:46:36,573 gym                            INFO       <10680.00> === STARTING STEP ===
2025-05-09 15:46:36,574 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,575 sats.satellite.Scanner-1       INFO       <10680.00> Scanner-1: setting timed terminal event at 10800.0
2025-05-09 15:46:36,590 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: timed termination at 10800.0 for action_charge
2025-05-09 15:46:36,591 data.base                      INFO       <10800.00> Total reward: {}
2025-05-09 15:46:36,592 comm.communication             INFO       <10800.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,592 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,594 gym                            INFO       <10800.00> Step reward: 0.0
2025-05-09 15:46:36,595 gym                            INFO       <10800.00> === STARTING STEP ===
2025-05-09 15:46:36,596 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,596 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: setting timed terminal event at 10980.0
2025-05-09 15:46:36,616 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: timed termination at 10980.0 for action_nadir_scan
2025-05-09 15:46:36,616 data.base                      INFO       <10980.00> Total reward: {'Scanner-1': 0.005403508771929824}
2025-05-09 15:46:36,617 comm.communication             INFO       <10980.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,617 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,619 gym                            INFO       <10980.00> Step reward: 0.005403508771929824
2025-05-09 15:46:36,620 gym                            INFO       <10980.00> === STARTING STEP ===
2025-05-09 15:46:36,620 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:36,621 sats.satellite.Scanner-1       INFO       <10980.00> Scanner-1: setting timed terminal event at 11040.0
2025-05-09 15:46:36,629 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: timed termination at 11040.0 for action_desat
2025-05-09 15:46:36,630 data.base                      INFO       <11040.00> Total reward: {}
2025-05-09 15:46:36,630 comm.communication             INFO       <11040.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,631 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,633 gym                            INFO       <11040.00> Step reward: 0.0
2025-05-09 15:46:36,633 gym                            INFO       <11040.00> === STARTING STEP ===
2025-05-09 15:46:36,634 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,634 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: setting timed terminal event at 11160.0
2025-05-09 15:46:36,648 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: timed termination at 11160.0 for action_charge
2025-05-09 15:46:36,648 data.base                      INFO       <11160.00> Total reward: {}
2025-05-09 15:46:36,649 comm.communication             INFO       <11160.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,649 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,651 gym                            INFO       <11160.00> Step reward: 0.0
2025-05-09 15:46:36,652 gym                            INFO       <11160.00> === STARTING STEP ===
2025-05-09 15:46:36,652 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:36,653 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: setting timed terminal event at 11220.0
2025-05-09 15:46:36,660 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: timed termination at 11220.0 for action_desat
2025-05-09 15:46:36,661 data.base                      INFO       <11220.00> Total reward: {}
2025-05-09 15:46:36,661 comm.communication             INFO       <11220.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,662 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,663 gym                            INFO       <11220.00> Step reward: 0.0
2025-05-09 15:46:36,664 gym                            INFO       <11220.00> === STARTING STEP ===
2025-05-09 15:46:36,664 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,665 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: setting timed terminal event at 11340.0
2025-05-09 15:46:36,678 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: timed termination at 11340.0 for action_charge
2025-05-09 15:46:36,679 data.base                      INFO       <11340.00> Total reward: {}
2025-05-09 15:46:36,680 comm.communication             INFO       <11340.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,680 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,682 gym                            INFO       <11340.00> Step reward: 0.0
2025-05-09 15:46:36,682 gym                            INFO       <11340.00> === STARTING STEP ===
2025-05-09 15:46:36,683 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:36,684 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: setting timed terminal event at 11400.0
2025-05-09 15:46:36,691 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: timed termination at 11400.0 for action_downlink
2025-05-09 15:46:36,692 data.base                      INFO       <11400.00> Total reward: {}
2025-05-09 15:46:36,692 comm.communication             INFO       <11400.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,693 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,695 gym                            INFO       <11400.00> Step reward: 0.0
2025-05-09 15:46:36,695 gym                            INFO       <11400.00> === STARTING STEP ===
2025-05-09 15:46:36,696 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,696 sats.satellite.Scanner-1       INFO       <11400.00> Scanner-1: setting timed terminal event at 11520.0
2025-05-09 15:46:36,710 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: timed termination at 11520.0 for action_charge
2025-05-09 15:46:36,711 data.base                      INFO       <11520.00> Total reward: {}
2025-05-09 15:46:36,712 comm.communication             INFO       <11520.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,712 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,714 gym                            INFO       <11520.00> Step reward: 0.0
2025-05-09 15:46:36,714 gym                            INFO       <11520.00> === STARTING STEP ===
2025-05-09 15:46:36,715 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:36,715 sats.satellite.Scanner-1       INFO       <11520.00> Scanner-1: setting timed terminal event at 11580.0
2025-05-09 15:46:36,723 sats.satellite.Scanner-1       INFO       <11580.00> Scanner-1: timed termination at 11580.0 for action_desat
2025-05-09 15:46:36,724 data.base                      INFO       <11580.00> Total reward: {}
2025-05-09 15:46:36,724 comm.communication             INFO       <11580.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,725 sats.satellite.Scanner-1       INFO       <11580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,727 gym                            INFO       <11580.00> Step reward: 0.0
2025-05-09 15:46:36,727 gym                            INFO       <11580.00> === STARTING STEP ===
2025-05-09 15:46:36,728 sats.satellite.Scanner-1       INFO       <11580.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,728 sats.satellite.Scanner-1       INFO       <11580.00> Scanner-1: setting timed terminal event at 11760.0
2025-05-09 15:46:36,747 sats.satellite.Scanner-1       INFO       <11760.00> Scanner-1: timed termination at 11760.0 for action_nadir_scan
2025-05-09 15:46:36,748 data.base                      INFO       <11760.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-05-09 15:46:36,748 comm.communication             INFO       <11760.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,748 sats.satellite.Scanner-1       INFO       <11760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,750 gym                            INFO       <11760.00> Step reward: 0.00487719298245614
2025-05-09 15:46:36,751 gym                            INFO       <11760.00> === STARTING STEP ===
2025-05-09 15:46:36,752 sats.satellite.Scanner-1       INFO       <11760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:36,752 sats.satellite.Scanner-1       INFO       <11760.00> Scanner-1: setting timed terminal event at 11820.0
2025-05-09 15:46:36,760 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: timed termination at 11820.0 for action_desat
2025-05-09 15:46:36,760 data.base                      INFO       <11820.00> Total reward: {}
2025-05-09 15:46:36,761 comm.communication             INFO       <11820.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,761 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,763 gym                            INFO       <11820.00> Step reward: 0.0
2025-05-09 15:46:36,764 gym                            INFO       <11820.00> === STARTING STEP ===
2025-05-09 15:46:36,764 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,765 sats.satellite.Scanner-1       INFO       <11820.00> Scanner-1: setting timed terminal event at 11940.0
2025-05-09 15:46:36,780 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: timed termination at 11940.0 for action_charge
2025-05-09 15:46:36,780 data.base                      INFO       <11940.00> Total reward: {}
2025-05-09 15:46:36,781 comm.communication             INFO       <11940.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,781 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,783 gym                            INFO       <11940.00> Step reward: 0.0
2025-05-09 15:46:36,784 gym                            INFO       <11940.00> === STARTING STEP ===
2025-05-09 15:46:36,784 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:36,785 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: setting timed terminal event at 12000.0
2025-05-09 15:46:36,792 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: timed termination at 12000.0 for action_downlink
2025-05-09 15:46:36,793 data.base                      INFO       <12000.00> Total reward: {}
2025-05-09 15:46:36,793 comm.communication             INFO       <12000.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,794 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,796 gym                            INFO       <12000.00> Step reward: 0.0
2025-05-09 15:46:36,797 gym                            INFO       <12000.00> === STARTING STEP ===
2025-05-09 15:46:36,797 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:36,798 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: setting timed terminal event at 12060.0
2025-05-09 15:46:36,807 sats.satellite.Scanner-1       INFO       <12060.00> Scanner-1: timed termination at 12060.0 for action_desat
2025-05-09 15:46:36,807 data.base                      INFO       <12060.00> Total reward: {}
2025-05-09 15:46:36,808 comm.communication             INFO       <12060.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,808 sats.satellite.Scanner-1       INFO       <12060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,810 gym                            INFO       <12060.00> Step reward: 0.0
2025-05-09 15:46:36,810 gym                            INFO       <12060.00> === STARTING STEP ===
2025-05-09 15:46:36,811 sats.satellite.Scanner-1       INFO       <12060.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:36,811 sats.satellite.Scanner-1       INFO       <12060.00> Scanner-1: setting timed terminal event at 12120.0
2025-05-09 15:46:36,821 sats.satellite.Scanner-1       INFO       <12120.00> Scanner-1: timed termination at 12120.0 for action_downlink
2025-05-09 15:46:36,821 data.base                      INFO       <12120.00> Total reward: {}
2025-05-09 15:46:36,822 comm.communication             INFO       <12120.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,822 sats.satellite.Scanner-1       INFO       <12120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,824 gym                            INFO       <12120.00> Step reward: 0.0
2025-05-09 15:46:36,825 gym                            INFO       <12120.00> === STARTING STEP ===
2025-05-09 15:46:36,826 sats.satellite.Scanner-1       INFO       <12120.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,826 sats.satellite.Scanner-1       INFO       <12120.00> Scanner-1: setting timed terminal event at 12300.0
2025-05-09 15:46:36,848 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: timed termination at 12300.0 for action_nadir_scan
2025-05-09 15:46:36,849 data.base                      INFO       <12300.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-05-09 15:46:36,849 comm.communication             INFO       <12300.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,850 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,852 gym                            INFO       <12300.00> Step reward: 0.004947368421052631
2025-05-09 15:46:36,853 gym                            INFO       <12300.00> === STARTING STEP ===
2025-05-09 15:46:36,853 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,854 sats.satellite.Scanner-1       INFO       <12300.00> Scanner-1: setting timed terminal event at 12480.0
2025-05-09 15:46:36,873 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: timed termination at 12480.0 for action_nadir_scan
2025-05-09 15:46:36,874 data.base                      INFO       <12480.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:36,874 comm.communication             INFO       <12480.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,875 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,877 gym                            INFO       <12480.00> Step reward: 0.00631578947368421
2025-05-09 15:46:36,877 gym                            INFO       <12480.00> === STARTING STEP ===
2025-05-09 15:46:36,878 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,879 sats.satellite.Scanner-1       INFO       <12480.00> Scanner-1: setting timed terminal event at 12600.0
2025-05-09 15:46:36,891 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: timed termination at 12600.0 for action_charge
2025-05-09 15:46:36,892 data.base                      INFO       <12600.00> Total reward: {}
2025-05-09 15:46:36,892 comm.communication             INFO       <12600.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,893 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,895 gym                            INFO       <12600.00> Step reward: 0.0
2025-05-09 15:46:36,895 gym                            INFO       <12600.00> === STARTING STEP ===
2025-05-09 15:46:36,896 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:36,896 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: setting timed terminal event at 12780.0
2025-05-09 15:46:36,918 sats.satellite.Scanner-1       INFO       <12780.00> Scanner-1: timed termination at 12780.0 for action_nadir_scan
2025-05-09 15:46:36,919 data.base                      INFO       <12780.00> Total reward: {'Scanner-1': 0.005333333333333333}
2025-05-09 15:46:36,919 comm.communication             INFO       <12780.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,920 sats.satellite.Scanner-1       INFO       <12780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,922 gym                            INFO       <12780.00> Step reward: 0.005333333333333333
2025-05-09 15:46:36,923 gym                            INFO       <12780.00> === STARTING STEP ===
2025-05-09 15:46:36,923 sats.satellite.Scanner-1       INFO       <12780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,924 sats.satellite.Scanner-1       INFO       <12780.00> Scanner-1: setting timed terminal event at 12900.0
2025-05-09 15:46:36,938 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: timed termination at 12900.0 for action_charge
2025-05-09 15:46:36,938 data.base                      INFO       <12900.00> Total reward: {}
2025-05-09 15:46:36,939 comm.communication             INFO       <12900.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,939 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,941 gym                            INFO       <12900.00> Step reward: 0.0
2025-05-09 15:46:36,942 gym                            INFO       <12900.00> === STARTING STEP ===
2025-05-09 15:46:36,943 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:36,943 sats.satellite.Scanner-1       INFO       <12900.00> Scanner-1: setting timed terminal event at 13020.0
2025-05-09 15:46:36,956 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: timed termination at 13020.0 for action_charge
2025-05-09 15:46:36,957 data.base                      INFO       <13020.00> Total reward: {}
2025-05-09 15:46:36,958 comm.communication             INFO       <13020.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,958 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,960 gym                            INFO       <13020.00> Step reward: 0.0
2025-05-09 15:46:36,961 gym                            INFO       <13020.00> === STARTING STEP ===
2025-05-09 15:46:36,961 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:36,962 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: setting timed terminal event at 13080.0
2025-05-09 15:46:36,969 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: timed termination at 13080.0 for action_downlink
2025-05-09 15:46:36,970 data.base                      INFO       <13080.00> Total reward: {}
2025-05-09 15:46:36,970 comm.communication             INFO       <13080.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,971 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,972 gym                            INFO       <13080.00> Step reward: 0.0
2025-05-09 15:46:36,973 gym                            INFO       <13080.00> === STARTING STEP ===
2025-05-09 15:46:36,974 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:36,974 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: setting timed terminal event at 13140.0
2025-05-09 15:46:36,982 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: timed termination at 13140.0 for action_desat
2025-05-09 15:46:36,983 data.base                      INFO       <13140.00> Total reward: {}
2025-05-09 15:46:36,983 comm.communication             INFO       <13140.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,983 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,985 gym                            INFO       <13140.00> Step reward: 0.0
2025-05-09 15:46:36,986 gym                            INFO       <13140.00> === STARTING STEP ===
2025-05-09 15:46:36,986 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:36,987 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: setting timed terminal event at 13200.0
2025-05-09 15:46:36,996 sats.satellite.Scanner-1       INFO       <13200.00> Scanner-1: timed termination at 13200.0 for action_downlink
2025-05-09 15:46:36,997 data.base                      INFO       <13200.00> Total reward: {}
2025-05-09 15:46:36,997 comm.communication             INFO       <13200.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:36,998 sats.satellite.Scanner-1       INFO       <13200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:36,999 gym                            INFO       <13200.00> Step reward: 0.0
2025-05-09 15:46:37,000 gym                            INFO       <13200.00> === STARTING STEP ===
2025-05-09 15:46:37,001 sats.satellite.Scanner-1       INFO       <13200.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:37,001 sats.satellite.Scanner-1       INFO       <13200.00> Scanner-1: setting timed terminal event at 13260.0
2025-05-09 15:46:37,010 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: timed termination at 13260.0 for action_downlink
2025-05-09 15:46:37,010 data.base                      INFO       <13260.00> Total reward: {}
2025-05-09 15:46:37,011 comm.communication             INFO       <13260.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,012 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,013 gym                            INFO       <13260.00> Step reward: 0.0
2025-05-09 15:46:37,014 gym                            INFO       <13260.00> === STARTING STEP ===
2025-05-09 15:46:37,014 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:37,015 sats.satellite.Scanner-1       INFO       <13260.00> Scanner-1: setting timed terminal event at 13320.0
2025-05-09 15:46:37,022 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: timed termination at 13320.0 for action_downlink
2025-05-09 15:46:37,023 data.base                      INFO       <13320.00> Total reward: {}
2025-05-09 15:46:37,023 comm.communication             INFO       <13320.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,024 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,025 gym                            INFO       <13320.00> Step reward: 0.0
2025-05-09 15:46:37,026 gym                            INFO       <13320.00> === STARTING STEP ===
2025-05-09 15:46:37,026 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,027 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: setting timed terminal event at 13440.0
2025-05-09 15:46:37,041 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: timed termination at 13440.0 for action_charge
2025-05-09 15:46:37,041 data.base                      INFO       <13440.00> Total reward: {}
2025-05-09 15:46:37,042 comm.communication             INFO       <13440.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,042 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,044 gym                            INFO       <13440.00> Step reward: 0.0
2025-05-09 15:46:37,045 gym                            INFO       <13440.00> === STARTING STEP ===
2025-05-09 15:46:37,045 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,046 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: setting timed terminal event at 13500.0
2025-05-09 15:46:37,053 sats.satellite.Scanner-1       INFO       <13500.00> Scanner-1: timed termination at 13500.0 for action_desat
2025-05-09 15:46:37,054 data.base                      INFO       <13500.00> Total reward: {}
2025-05-09 15:46:37,054 comm.communication             INFO       <13500.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,055 sats.satellite.Scanner-1       INFO       <13500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,057 gym                            INFO       <13500.00> Step reward: 0.0
2025-05-09 15:46:37,057 gym                            INFO       <13500.00> === STARTING STEP ===
2025-05-09 15:46:37,058 sats.satellite.Scanner-1       INFO       <13500.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,059 sats.satellite.Scanner-1       INFO       <13500.00> Scanner-1: setting timed terminal event at 13680.0
2025-05-09 15:46:37,082 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: timed termination at 13680.0 for action_nadir_scan
2025-05-09 15:46:37,082 data.base                      INFO       <13680.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-05-09 15:46:37,083 comm.communication             INFO       <13680.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,083 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,085 gym                            INFO       <13680.00> Step reward: 0.004947368421052631
2025-05-09 15:46:37,086 gym                            INFO       <13680.00> === STARTING STEP ===
2025-05-09 15:46:37,086 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,087 sats.satellite.Scanner-1       INFO       <13680.00> Scanner-1: setting timed terminal event at 13800.0
2025-05-09 15:46:37,100 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: timed termination at 13800.0 for action_charge
2025-05-09 15:46:37,101 data.base                      INFO       <13800.00> Total reward: {}
2025-05-09 15:46:37,102 comm.communication             INFO       <13800.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,102 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,104 gym                            INFO       <13800.00> Step reward: 0.0
2025-05-09 15:46:37,104 gym                            INFO       <13800.00> === STARTING STEP ===
2025-05-09 15:46:37,105 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,106 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: setting timed terminal event at 13980.0
2025-05-09 15:46:37,125 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: timed termination at 13980.0 for action_nadir_scan
2025-05-09 15:46:37,125 data.base                      INFO       <13980.00> Total reward: {'Scanner-1': 0.004771929824561403}
2025-05-09 15:46:37,126 comm.communication             INFO       <13980.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,126 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,128 gym                            INFO       <13980.00> Step reward: 0.004771929824561403
2025-05-09 15:46:37,129 gym                            INFO       <13980.00> === STARTING STEP ===
2025-05-09 15:46:37,129 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:37,130 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: setting timed terminal event at 14040.0
2025-05-09 15:46:37,137 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: timed termination at 14040.0 for action_downlink
2025-05-09 15:46:37,138 data.base                      INFO       <14040.00> Total reward: {}
2025-05-09 15:46:37,138 comm.communication             INFO       <14040.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,139 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,140 gym                            INFO       <14040.00> Step reward: 0.0
2025-05-09 15:46:37,141 gym                            INFO       <14040.00> === STARTING STEP ===
2025-05-09 15:46:37,142 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,142 sats.satellite.Scanner-1       INFO       <14040.00> Scanner-1: setting timed terminal event at 14100.0
2025-05-09 15:46:37,150 sats.satellite.Scanner-1       INFO       <14100.00> Scanner-1: timed termination at 14100.0 for action_desat
2025-05-09 15:46:37,151 data.base                      INFO       <14100.00> Total reward: {}
2025-05-09 15:46:37,151 comm.communication             INFO       <14100.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,152 sats.satellite.Scanner-1       INFO       <14100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,153 gym                            INFO       <14100.00> Step reward: 0.0
2025-05-09 15:46:37,154 gym                            INFO       <14100.00> === STARTING STEP ===
2025-05-09 15:46:37,154 sats.satellite.Scanner-1       INFO       <14100.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:37,155 sats.satellite.Scanner-1       INFO       <14100.00> Scanner-1: setting timed terminal event at 14160.0
2025-05-09 15:46:37,163 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: timed termination at 14160.0 for action_downlink
2025-05-09 15:46:37,164 data.base                      INFO       <14160.00> Total reward: {}
2025-05-09 15:46:37,164 comm.communication             INFO       <14160.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,165 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,167 gym                            INFO       <14160.00> Step reward: 0.0
2025-05-09 15:46:37,167 gym                            INFO       <14160.00> === STARTING STEP ===
2025-05-09 15:46:37,168 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,168 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: setting timed terminal event at 14280.0
2025-05-09 15:46:37,181 sats.satellite.Scanner-1       INFO       <14280.00> Scanner-1: timed termination at 14280.0 for action_charge
2025-05-09 15:46:37,182 data.base                      INFO       <14280.00> Total reward: {}
2025-05-09 15:46:37,183 comm.communication             INFO       <14280.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,183 sats.satellite.Scanner-1       INFO       <14280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,185 gym                            INFO       <14280.00> Step reward: 0.0
2025-05-09 15:46:37,186 gym                            INFO       <14280.00> === STARTING STEP ===
2025-05-09 15:46:37,186 sats.satellite.Scanner-1       INFO       <14280.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,187 sats.satellite.Scanner-1       INFO       <14280.00> Scanner-1: setting timed terminal event at 14400.0
2025-05-09 15:46:37,200 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: timed termination at 14400.0 for action_charge
2025-05-09 15:46:37,201 data.base                      INFO       <14400.00> Total reward: {}
2025-05-09 15:46:37,202 comm.communication             INFO       <14400.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,202 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,204 gym                            INFO       <14400.00> Step reward: 0.0
2025-05-09 15:46:37,205 gym                            INFO       <14400.00> === STARTING STEP ===
2025-05-09 15:46:37,205 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,206 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: setting timed terminal event at 14580.0
2025-05-09 15:46:37,225 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: timed termination at 14580.0 for action_nadir_scan
2025-05-09 15:46:37,226 data.base                      INFO       <14580.00> Total reward: {'Scanner-1': 0.004736842105263157}
2025-05-09 15:46:37,226 comm.communication             INFO       <14580.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,227 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,229 gym                            INFO       <14580.00> Step reward: 0.004736842105263157
2025-05-09 15:46:37,229 gym                            INFO       <14580.00> === STARTING STEP ===
2025-05-09 15:46:37,230 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,230 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: setting timed terminal event at 14760.0
2025-05-09 15:46:37,249 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: timed termination at 14760.0 for action_nadir_scan
2025-05-09 15:46:37,250 data.base                      INFO       <14760.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:37,251 comm.communication             INFO       <14760.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,251 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,253 gym                            INFO       <14760.00> Step reward: 0.00631578947368421
2025-05-09 15:46:37,253 gym                            INFO       <14760.00> === STARTING STEP ===
2025-05-09 15:46:37,254 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,254 sats.satellite.Scanner-1       INFO       <14760.00> Scanner-1: setting timed terminal event at 14880.0
2025-05-09 15:46:37,268 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: timed termination at 14880.0 for action_charge
2025-05-09 15:46:37,268 data.base                      INFO       <14880.00> Total reward: {}
2025-05-09 15:46:37,269 comm.communication             INFO       <14880.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,269 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,271 gym                            INFO       <14880.00> Step reward: 0.0
2025-05-09 15:46:37,272 gym                            INFO       <14880.00> === STARTING STEP ===
2025-05-09 15:46:37,272 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,273 sats.satellite.Scanner-1       INFO       <14880.00> Scanner-1: setting timed terminal event at 14940.0
2025-05-09 15:46:37,281 sats.satellite.Scanner-1       INFO       <14940.00> Scanner-1: timed termination at 14940.0 for action_desat
2025-05-09 15:46:37,281 data.base                      INFO       <14940.00> Total reward: {}
2025-05-09 15:46:37,282 comm.communication             INFO       <14940.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,283 sats.satellite.Scanner-1       INFO       <14940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,284 gym                            INFO       <14940.00> Step reward: 0.0
2025-05-09 15:46:37,285 gym                            INFO       <14940.00> === STARTING STEP ===
2025-05-09 15:46:37,286 sats.satellite.Scanner-1       INFO       <14940.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,286 sats.satellite.Scanner-1       INFO       <14940.00> Scanner-1: setting timed terminal event at 15060.0
2025-05-09 15:46:37,299 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: timed termination at 15060.0 for action_charge
2025-05-09 15:46:37,300 data.base                      INFO       <15060.00> Total reward: {}
2025-05-09 15:46:37,301 comm.communication             INFO       <15060.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,301 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,303 gym                            INFO       <15060.00> Step reward: 0.0
2025-05-09 15:46:37,304 gym                            INFO       <15060.00> === STARTING STEP ===
2025-05-09 15:46:37,304 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,304 sats.satellite.Scanner-1       INFO       <15060.00> Scanner-1: setting timed terminal event at 15180.0
2025-05-09 15:46:37,318 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: timed termination at 15180.0 for action_charge
2025-05-09 15:46:37,318 data.base                      INFO       <15180.00> Total reward: {}
2025-05-09 15:46:37,319 comm.communication             INFO       <15180.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,319 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,321 gym                            INFO       <15180.00> Step reward: 0.0
2025-05-09 15:46:37,322 gym                            INFO       <15180.00> === STARTING STEP ===
2025-05-09 15:46:37,323 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,323 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: setting timed terminal event at 15360.0
2025-05-09 15:46:37,342 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: timed termination at 15360.0 for action_nadir_scan
2025-05-09 15:46:37,343 data.base                      INFO       <15360.00> Total reward: {'Scanner-1': 0.004736842105263157}
2025-05-09 15:46:37,344 comm.communication             INFO       <15360.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,344 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,346 gym                            INFO       <15360.00> Step reward: 0.004736842105263157
2025-05-09 15:46:37,347 gym                            INFO       <15360.00> === STARTING STEP ===
2025-05-09 15:46:37,347 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,348 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: setting timed terminal event at 15420.0
2025-05-09 15:46:37,356 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: timed termination at 15420.0 for action_desat
2025-05-09 15:46:37,356 data.base                      INFO       <15420.00> Total reward: {}
2025-05-09 15:46:37,357 comm.communication             INFO       <15420.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,357 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,359 gym                            INFO       <15420.00> Step reward: 0.0
2025-05-09 15:46:37,360 gym                            INFO       <15420.00> === STARTING STEP ===
2025-05-09 15:46:37,360 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:37,361 sats.satellite.Scanner-1       INFO       <15420.00> Scanner-1: setting timed terminal event at 15480.0
2025-05-09 15:46:37,369 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: timed termination at 15480.0 for action_downlink
2025-05-09 15:46:37,370 data.base                      INFO       <15480.00> Total reward: {}
2025-05-09 15:46:37,370 comm.communication             INFO       <15480.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,371 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,373 gym                            INFO       <15480.00> Step reward: 0.0
2025-05-09 15:46:37,373 gym                            INFO       <15480.00> === STARTING STEP ===
2025-05-09 15:46:37,374 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,374 sats.satellite.Scanner-1       INFO       <15480.00> Scanner-1: setting timed terminal event at 15660.0
2025-05-09 15:46:37,393 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: timed termination at 15660.0 for action_nadir_scan
2025-05-09 15:46:37,394 data.base                      INFO       <15660.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-05-09 15:46:37,394 comm.communication             INFO       <15660.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,395 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,397 gym                            INFO       <15660.00> Step reward: 0.004947368421052631
2025-05-09 15:46:37,397 gym                            INFO       <15660.00> === STARTING STEP ===
2025-05-09 15:46:37,398 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,399 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: setting timed terminal event at 15780.0
2025-05-09 15:46:37,412 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: timed termination at 15780.0 for action_charge
2025-05-09 15:46:37,412 data.base                      INFO       <15780.00> Total reward: {}
2025-05-09 15:46:37,413 comm.communication             INFO       <15780.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,413 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,415 gym                            INFO       <15780.00> Step reward: 0.0
2025-05-09 15:46:37,416 gym                            INFO       <15780.00> === STARTING STEP ===
2025-05-09 15:46:37,417 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,417 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: setting timed terminal event at 15900.0
2025-05-09 15:46:37,432 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: timed termination at 15900.0 for action_charge
2025-05-09 15:46:37,432 data.base                      INFO       <15900.00> Total reward: {}
2025-05-09 15:46:37,433 comm.communication             INFO       <15900.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,433 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,435 gym                            INFO       <15900.00> Step reward: 0.0
2025-05-09 15:46:37,435 gym                            INFO       <15900.00> === STARTING STEP ===
2025-05-09 15:46:37,436 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,436 sats.satellite.Scanner-1       INFO       <15900.00> Scanner-1: setting timed terminal event at 16080.0
2025-05-09 15:46:37,458 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: timed termination at 16080.0 for action_nadir_scan
2025-05-09 15:46:37,458 data.base                      INFO       <16080.00> Total reward: {'Scanner-1': 0.005052631578947368}
2025-05-09 15:46:37,459 comm.communication             INFO       <16080.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,459 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,462 gym                            INFO       <16080.00> Step reward: 0.005052631578947368
2025-05-09 15:46:37,462 gym                            INFO       <16080.00> === STARTING STEP ===
2025-05-09 15:46:37,463 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,463 sats.satellite.Scanner-1       INFO       <16080.00> Scanner-1: setting timed terminal event at 16140.0
2025-05-09 15:46:37,472 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: timed termination at 16140.0 for action_desat
2025-05-09 15:46:37,473 data.base                      INFO       <16140.00> Total reward: {}
2025-05-09 15:46:37,473 comm.communication             INFO       <16140.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,474 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,476 gym                            INFO       <16140.00> Step reward: 0.0
2025-05-09 15:46:37,477 gym                            INFO       <16140.00> === STARTING STEP ===
2025-05-09 15:46:37,477 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,478 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: setting timed terminal event at 16320.0
2025-05-09 15:46:37,500 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: timed termination at 16320.0 for action_nadir_scan
2025-05-09 15:46:37,501 data.base                      INFO       <16320.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-05-09 15:46:37,501 comm.communication             INFO       <16320.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,502 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,504 gym                            INFO       <16320.00> Step reward: 0.00487719298245614
2025-05-09 15:46:37,505 gym                            INFO       <16320.00> === STARTING STEP ===
2025-05-09 15:46:37,505 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,506 sats.satellite.Scanner-1       INFO       <16320.00> Scanner-1: setting timed terminal event at 16500.0
2025-05-09 15:46:37,528 sats.satellite.Scanner-1       INFO       <16500.00> Scanner-1: timed termination at 16500.0 for action_nadir_scan
2025-05-09 15:46:37,529 data.base                      INFO       <16500.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:37,530 comm.communication             INFO       <16500.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,530 sats.satellite.Scanner-1       INFO       <16500.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,532 gym                            INFO       <16500.00> Step reward: 0.00631578947368421
2025-05-09 15:46:37,533 gym                            INFO       <16500.00> === STARTING STEP ===
2025-05-09 15:46:37,534 sats.satellite.Scanner-1       INFO       <16500.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,534 sats.satellite.Scanner-1       INFO       <16500.00> Scanner-1: setting timed terminal event at 16680.0
2025-05-09 15:46:37,555 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: timed termination at 16680.0 for action_nadir_scan
2025-05-09 15:46:37,556 data.base                      INFO       <16680.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-05-09 15:46:37,556 comm.communication             INFO       <16680.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,557 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,559 gym                            INFO       <16680.00> Step reward: 0.00631578947368421
2025-05-09 15:46:37,560 gym                            INFO       <16680.00> === STARTING STEP ===
2025-05-09 15:46:37,560 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,561 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: setting timed terminal event at 16740.0
2025-05-09 15:46:37,569 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: timed termination at 16740.0 for action_desat
2025-05-09 15:46:37,569 data.base                      INFO       <16740.00> Total reward: {}
2025-05-09 15:46:37,570 comm.communication             INFO       <16740.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,570 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,572 gym                            INFO       <16740.00> Step reward: 0.0
2025-05-09 15:46:37,573 gym                            INFO       <16740.00> === STARTING STEP ===
2025-05-09 15:46:37,573 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,574 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: setting timed terminal event at 16800.0
2025-05-09 15:46:37,582 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: timed termination at 16800.0 for action_desat
2025-05-09 15:46:37,582 data.base                      INFO       <16800.00> Total reward: {}
2025-05-09 15:46:37,583 comm.communication             INFO       <16800.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,584 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,585 gym                            INFO       <16800.00> Step reward: 0.0
2025-05-09 15:46:37,586 gym                            INFO       <16800.00> === STARTING STEP ===
2025-05-09 15:46:37,586 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,587 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: setting timed terminal event at 16980.0
2025-05-09 15:46:37,606 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: timed termination at 16980.0 for action_nadir_scan
2025-05-09 15:46:37,606 data.base                      INFO       <16980.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-05-09 15:46:37,607 comm.communication             INFO       <16980.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,607 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,609 gym                            INFO       <16980.00> Step reward: 0.004947368421052631
2025-05-09 15:46:37,610 gym                            INFO       <16980.00> === STARTING STEP ===
2025-05-09 15:46:37,610 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:37,611 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: setting timed terminal event at 17040.0
2025-05-09 15:46:37,618 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: timed termination at 17040.0 for action_downlink
2025-05-09 15:46:37,619 data.base                      INFO       <17040.00> Total reward: {}
2025-05-09 15:46:37,619 comm.communication             INFO       <17040.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,620 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,622 gym                            INFO       <17040.00> Step reward: 0.0
2025-05-09 15:46:37,622 gym                            INFO       <17040.00> === STARTING STEP ===
2025-05-09 15:46:37,623 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,623 sats.satellite.Scanner-1       INFO       <17040.00> Scanner-1: setting timed terminal event at 17100.0
2025-05-09 15:46:37,631 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: timed termination at 17100.0 for action_desat
2025-05-09 15:46:37,632 data.base                      INFO       <17100.00> Total reward: {}
2025-05-09 15:46:37,632 comm.communication             INFO       <17100.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,633 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,635 gym                            INFO       <17100.00> Step reward: 0.0
2025-05-09 15:46:37,635 gym                            INFO       <17100.00> === STARTING STEP ===
2025-05-09 15:46:37,636 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,636 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: setting timed terminal event at 17160.0
2025-05-09 15:46:37,644 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: timed termination at 17160.0 for action_desat
2025-05-09 15:46:37,645 data.base                      INFO       <17160.00> Total reward: {}
2025-05-09 15:46:37,645 comm.communication             INFO       <17160.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,646 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,647 gym                            INFO       <17160.00> Step reward: 0.0
2025-05-09 15:46:37,648 gym                            INFO       <17160.00> === STARTING STEP ===
2025-05-09 15:46:37,649 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,649 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: setting timed terminal event at 17280.0
2025-05-09 15:46:37,665 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: timed termination at 17280.0 for action_charge
2025-05-09 15:46:37,665 data.base                      INFO       <17280.00> Total reward: {}
2025-05-09 15:46:37,666 comm.communication             INFO       <17280.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,666 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,668 gym                            INFO       <17280.00> Step reward: 0.0
2025-05-09 15:46:37,669 gym                            INFO       <17280.00> === STARTING STEP ===
2025-05-09 15:46:37,669 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,670 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: setting timed terminal event at 17460.0
2025-05-09 15:46:37,690 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: timed termination at 17460.0 for action_nadir_scan
2025-05-09 15:46:37,690 data.base                      INFO       <17460.00> Total reward: {'Scanner-1': 0.005929824561403508}
2025-05-09 15:46:37,691 comm.communication             INFO       <17460.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,692 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,694 gym                            INFO       <17460.00> Step reward: 0.005929824561403508
2025-05-09 15:46:37,694 gym                            INFO       <17460.00> === STARTING STEP ===
2025-05-09 15:46:37,695 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,695 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: setting timed terminal event at 17520.0
2025-05-09 15:46:37,703 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: timed termination at 17520.0 for action_desat
2025-05-09 15:46:37,704 data.base                      INFO       <17520.00> Total reward: {}
2025-05-09 15:46:37,705 comm.communication             INFO       <17520.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,705 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,707 gym                            INFO       <17520.00> Step reward: 0.0
2025-05-09 15:46:37,708 gym                            INFO       <17520.00> === STARTING STEP ===
2025-05-09 15:46:37,709 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,709 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: setting timed terminal event at 17580.0
2025-05-09 15:46:37,717 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: timed termination at 17580.0 for action_desat
2025-05-09 15:46:37,717 data.base                      INFO       <17580.00> Total reward: {}
2025-05-09 15:46:37,718 comm.communication             INFO       <17580.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,718 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,721 gym                            INFO       <17580.00> Step reward: 0.0
2025-05-09 15:46:37,721 gym                            INFO       <17580.00> === STARTING STEP ===
2025-05-09 15:46:37,722 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:37,723 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: setting timed terminal event at 17640.0
2025-05-09 15:46:37,730 sats.satellite.Scanner-1       INFO       <17640.00> Scanner-1: timed termination at 17640.0 for action_downlink
2025-05-09 15:46:37,731 data.base                      INFO       <17640.00> Total reward: {}
2025-05-09 15:46:37,731 comm.communication             INFO       <17640.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,732 sats.satellite.Scanner-1       INFO       <17640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,734 gym                            INFO       <17640.00> Step reward: 0.0
2025-05-09 15:46:37,735 gym                            INFO       <17640.00> === STARTING STEP ===
2025-05-09 15:46:37,735 sats.satellite.Scanner-1       INFO       <17640.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,736 sats.satellite.Scanner-1       INFO       <17640.00> Scanner-1: setting timed terminal event at 17760.0
2025-05-09 15:46:37,750 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: timed termination at 17760.0 for action_charge
2025-05-09 15:46:37,751 data.base                      INFO       <17760.00> Total reward: {}
2025-05-09 15:46:37,751 comm.communication             INFO       <17760.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,752 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,754 gym                            INFO       <17760.00> Step reward: 0.0
2025-05-09 15:46:37,754 gym                            INFO       <17760.00> === STARTING STEP ===
2025-05-09 15:46:37,755 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,755 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: setting timed terminal event at 17880.0
2025-05-09 15:46:37,771 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: timed termination at 17880.0 for action_charge
2025-05-09 15:46:37,772 data.base                      INFO       <17880.00> Total reward: {}
2025-05-09 15:46:37,772 comm.communication             INFO       <17880.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,773 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,775 gym                            INFO       <17880.00> Step reward: 0.0
2025-05-09 15:46:37,775 gym                            INFO       <17880.00> === STARTING STEP ===
2025-05-09 15:46:37,776 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:37,776 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: setting timed terminal event at 17940.0
2025-05-09 15:46:37,785 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: timed termination at 17940.0 for action_downlink
2025-05-09 15:46:37,786 data.base                      INFO       <17940.00> Total reward: {}
2025-05-09 15:46:37,786 comm.communication             INFO       <17940.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,787 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,788 gym                            INFO       <17940.00> Step reward: 0.0
2025-05-09 15:46:37,789 gym                            INFO       <17940.00> === STARTING STEP ===
2025-05-09 15:46:37,789 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,790 sats.satellite.Scanner-1       INFO       <17940.00> Scanner-1: setting timed terminal event at 18000.0
2025-05-09 15:46:37,799 sats.satellite.Scanner-1       INFO       <18000.00> Scanner-1: timed termination at 18000.0 for action_desat
2025-05-09 15:46:37,799 data.base                      INFO       <18000.00> Total reward: {}
2025-05-09 15:46:37,800 comm.communication             INFO       <18000.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,800 sats.satellite.Scanner-1       INFO       <18000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,802 gym                            INFO       <18000.00> Step reward: 0.0
2025-05-09 15:46:37,802 gym                            INFO       <18000.00> === STARTING STEP ===
2025-05-09 15:46:37,803 sats.satellite.Scanner-1       INFO       <18000.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,804 sats.satellite.Scanner-1       INFO       <18000.00> Scanner-1: setting timed terminal event at 18120.0
2025-05-09 15:46:37,817 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: timed termination at 18120.0 for action_charge
2025-05-09 15:46:37,817 data.base                      INFO       <18120.00> Total reward: {}
2025-05-09 15:46:37,818 comm.communication             INFO       <18120.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,819 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,820 gym                            INFO       <18120.00> Step reward: 0.0
2025-05-09 15:46:37,821 gym                            INFO       <18120.00> === STARTING STEP ===
2025-05-09 15:46:37,821 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-05-09 15:46:37,822 sats.satellite.Scanner-1       INFO       <18120.00> Scanner-1: setting timed terminal event at 18240.0
2025-05-09 15:46:37,835 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: timed termination at 18240.0 for action_charge
2025-05-09 15:46:37,836 data.base                      INFO       <18240.00> Total reward: {}
2025-05-09 15:46:37,836 comm.communication             INFO       <18240.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,837 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,839 gym                            INFO       <18240.00> Step reward: 0.0
2025-05-09 15:46:37,839 gym                            INFO       <18240.00> === STARTING STEP ===
2025-05-09 15:46:37,840 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,840 sats.satellite.Scanner-1       INFO       <18240.00> Scanner-1: setting timed terminal event at 18300.0
2025-05-09 15:46:37,848 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: timed termination at 18300.0 for action_desat
2025-05-09 15:46:37,849 data.base                      INFO       <18300.00> Total reward: {}
2025-05-09 15:46:37,849 comm.communication             INFO       <18300.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,849 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,851 gym                            INFO       <18300.00> Step reward: 0.0
2025-05-09 15:46:37,852 gym                            INFO       <18300.00> === STARTING STEP ===
2025-05-09 15:46:37,852 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,853 sats.satellite.Scanner-1       INFO       <18300.00> Scanner-1: setting timed terminal event at 18360.0
2025-05-09 15:46:37,861 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: timed termination at 18360.0 for action_desat
2025-05-09 15:46:37,861 data.base                      INFO       <18360.00> Total reward: {}
2025-05-09 15:46:37,862 comm.communication             INFO       <18360.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,863 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,864 gym                            INFO       <18360.00> Step reward: 0.0
2025-05-09 15:46:37,865 gym                            INFO       <18360.00> === STARTING STEP ===
2025-05-09 15:46:37,866 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,866 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: setting timed terminal event at 18540.0
2025-05-09 15:46:37,887 sats.satellite.Scanner-1       INFO       <18540.00> Scanner-1: timed termination at 18540.0 for action_nadir_scan
2025-05-09 15:46:37,888 data.base                      INFO       <18540.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-09 15:46:37,889 comm.communication             INFO       <18540.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,889 sats.satellite.Scanner-1       INFO       <18540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,891 gym                            INFO       <18540.00> Step reward: 0.004912280701754385
2025-05-09 15:46:37,892 gym                            INFO       <18540.00> === STARTING STEP ===
2025-05-09 15:46:37,892 sats.satellite.Scanner-1       INFO       <18540.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:37,893 sats.satellite.Scanner-1       INFO       <18540.00> Scanner-1: setting timed terminal event at 18600.0
2025-05-09 15:46:37,900 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: timed termination at 18600.0 for action_downlink
2025-05-09 15:46:37,901 data.base                      INFO       <18600.00> Total reward: {}
2025-05-09 15:46:37,902 comm.communication             INFO       <18600.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,902 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,904 gym                            INFO       <18600.00> Step reward: 0.0
2025-05-09 15:46:37,904 gym                            INFO       <18600.00> === STARTING STEP ===
2025-05-09 15:46:37,905 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:37,905 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: setting timed terminal event at 18660.0
2025-05-09 15:46:37,913 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: timed termination at 18660.0 for action_downlink
2025-05-09 15:46:37,913 data.base                      INFO       <18660.00> Total reward: {}
2025-05-09 15:46:37,914 comm.communication             INFO       <18660.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,914 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,916 gym                            INFO       <18660.00> Step reward: 0.0
2025-05-09 15:46:37,917 gym                            INFO       <18660.00> === STARTING STEP ===
2025-05-09 15:46:37,917 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-05-09 15:46:37,918 sats.satellite.Scanner-1       INFO       <18660.00> Scanner-1: setting timed terminal event at 18720.0
2025-05-09 15:46:37,926 sats.satellite.Scanner-1       INFO       <18720.00> Scanner-1: timed termination at 18720.0 for action_desat
2025-05-09 15:46:37,926 data.base                      INFO       <18720.00> Total reward: {}
2025-05-09 15:46:37,926 comm.communication             INFO       <18720.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,927 sats.satellite.Scanner-1       INFO       <18720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,929 gym                            INFO       <18720.00> Step reward: 0.0
2025-05-09 15:46:37,929 gym                            INFO       <18720.00> === STARTING STEP ===
2025-05-09 15:46:37,930 sats.satellite.Scanner-1       INFO       <18720.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-05-09 15:46:37,930 sats.satellite.Scanner-1       INFO       <18720.00> Scanner-1: setting timed terminal event at 18780.0
2025-05-09 15:46:37,939 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: timed termination at 18780.0 for action_downlink
2025-05-09 15:46:37,939 data.base                      INFO       <18780.00> Total reward: {}
2025-05-09 15:46:37,940 comm.communication             INFO       <18780.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,941 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,943 gym                            INFO       <18780.00> Step reward: 0.0
2025-05-09 15:46:37,943 gym                            INFO       <18780.00> === STARTING STEP ===
2025-05-09 15:46:37,944 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-05-09 15:46:37,944 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: setting timed terminal event at 18960.0
2025-05-09 15:46:37,969 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: timed termination at 18960.0 for action_nadir_scan
2025-05-09 15:46:37,969 data.base                      INFO       <18960.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-05-09 15:46:37,970 comm.communication             INFO       <18960.00> Optimizing data communication between all pairs of satellites
2025-05-09 15:46:37,971 sats.satellite.Scanner-1       INFO       <18960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-05-09 15:46:37,972 sats.satellite.Scanner-1       WARNING    <18960.00> Scanner-1: failed battery_valid check
2025-05-09 15:46:37,973 gym                            INFO       <18960.00> Step reward: -0.9950877192982456
2025-05-09 15:46:37,973 gym                            INFO       <18960.00> Episode terminated: True
2025-05-09 15:46:37,974 gym                            INFO       <18960.00> Episode truncated: False