Training with RLlib PPO

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

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

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

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

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

Define the Environment

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

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

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

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

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

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

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

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

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

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

Set Up Custom Logging

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

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

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

    return data

Configure Ray and PPO

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

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

N_CPUS = 3

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

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

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

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

Note that the custom logging metrics are reported under env_runners.

[7]:
import ray
from ray import tune

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

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

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

Tune Status

Current time:2025-07-02 00:48:15
Running for: 00:00:46.08
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_2187e_00000TERMINATED10.1.0.204:5164 10 35.53282500132500
(PPO pid=5164) 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_2187e_00000{'num_agent_steps_sampled': {'default_agent': 250}, 'alive': nan, 'orbits_complete': nan, 'sample': np.float64(4.123320619465401), 'num_module_steps_sampled': {'default_policy': 250}, 'num_agent_steps_sampled_lifetime': {'default_agent': 13750}, 'battery_status_valid': nan, 'num_env_steps_sampled': 250, 'num_episodes': 0, 'reward': nan, 'rw_status_valid': nan, 'num_module_steps_sampled_lifetime': {'default_policy': 13750}, 'num_env_steps_sampled_lifetime': 25000, 'reward_per_orbit': nan, 'episode_return_mean': -0.8481578947368422, 'episode_len_mean': 95.5, 'episode_return_min': -0.8576140350877194, 'time_between_sampling': np.float64(2.086544353455756), 'agent_episode_returns_mean': {'default_agent': -0.8481578947368422}, 'episode_len_min': 88, 'episode_len_max': 103, 'module_episode_returns_mean': {'default_policy': -0.8481578947368422}, 'episode_duration_sec_mean': 1.9294787364999877, 'orbits_complete_partial_only': nan, 'episode_return_max': -0.838701754385965}{'num_healthy_workers': 2, 'num_in_flight_async_reqs': 0, 'num_remote_worker_restarts': 0}{'default_policy': {'vf_loss_unclipped': 0.001288538333028555, 'policy_loss': -0.12361635267734528, 'total_loss': -0.12232781946659088, 'num_trainable_parameters': 139525.0, 'default_optimizer_learning_rate': 3e-05, 'entropy': 1.370706558227539, 'num_non_trainable_parameters': 0.0, 'curr_entropy_coeff': 0.0, 'vf_loss': 0.001288538333028555, 'gradients_default_optimizer_global_norm': 0.284330278635025, 'num_module_steps_trained': 250, 'vf_explained_var': -0.020124077796936035, 'mean_kl_loss': 0.0}, '__all_modules__': {'num_module_steps_trained': 250, 'total_loss': -0.12232781946659088, 'num_env_steps_trained': 250, 'num_non_trainable_parameters': 0.0, 'num_trainable_parameters': 139525.0}}{'default_agent': 2500} 2500 2500 13{'cpu_util_percent': np.float64(44.6), 'ram_util_percent': np.float64(27.0)}{'env_runner_sampling_timer': 5.823513136791875, 'learner_update_timer': 0.11486582334492017, 'synch_weights': 0.006150336823099061, 'synch_env_connectors': 0.00578822968355301}
(SingleAgentEnvRunner pid=5212) 2025-07-02 00:47:46,041 sats.satellite.Scanner-1       WARNING    <13620.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5212) 2025-07-02 00:47:53,327 sats.satellite.Scanner-1       WARNING    <14400.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5211) 2025-07-02 00:47:57,132 sats.satellite.Scanner-1       WARNING    <11220.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5211) 2025-07-02 00:47:58,584 sats.satellite.Scanner-1       WARNING    <6720.00> Scanner-1: failed battery_valid check
(SingleAgentEnvRunner pid=5212) 2025-07-02 00:48:02,769 sats.satellite.Scanner-1       WARNING    <13200.00> Scanner-1: failed battery_valid check [repeated 2x 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=5211) 2025-07-02 00:48:08,763 sats.satellite.Scanner-1       WARNING    <24480.00> Scanner-1: failed battery_valid check [repeated 2x across cluster]
2025-07-02 00:48:15,468 INFO tune.py:1009 -- Wrote the latest version of all result files and experiment state to '/home/runner/ray_results/PPO_2025-07-02_00-47-29' in 0.0215s.
(PPO pid=5164) Checkpoint successfully created at: Checkpoint(filesystem=local, path=/home/runner/ray_results/PPO_2025-07-02_00-47-29/PPO_SatelliteTasking-RLlib_2187e_00000_0_2025-07-02_00-47-29/checkpoint_000000)
(SingleAgentEnvRunner pid=5212) 2025-07-02 00:48:12,189 sats.satellite.Scanner-1       WARNING    <9840.00> Scanner-1: failed battery_valid check [repeated 3x across cluster]
2025-07-02 00:48:16,194 INFO tune.py:1041 -- Total run time: 46.84 seconds (46.06 seconds for the tuning loop).

Loading the Policy Network

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

Stepping Through the Environment

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

[8]:
from bsk_rl import SatelliteTasking

env = SatelliteTasking(**env_args, log_level="INFO")
env.reset()
terminated = False
while not terminated:
    action = env.action_space.sample()
    observation, reward, terminated, truncated, info = env.step(action)
2025-07-02 00:48:17,407 gym                            INFO       Resetting environment with seed=2843291950
2025-07-02 00:48:17,621 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: Finding opportunity windows from 0.00 to 28500.00 seconds
2025-07-02 00:48:17,715 gym                            INFO       <0.00> Environment reset
2025-07-02 00:48:17,716 gym                            INFO       <0.00> === STARTING STEP ===
2025-07-02 00:48:17,716 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:17,717 sats.satellite.Scanner-1       INFO       <0.00> Scanner-1: setting timed terminal event at 60.0
2025-07-02 00:48:17,726 sats.satellite.Scanner-1       INFO       <60.00> Scanner-1: timed termination at 60.0 for action_desat
2025-07-02 00:48:17,727 data.base                      INFO       <60.00> Total reward: {}
2025-07-02 00:48:17,727 comm.communication             INFO       <60.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,728 sats.satellite.Scanner-1       INFO       <60.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,730 gym                            INFO       <60.00> Step reward: 0.0
2025-07-02 00:48:17,730 gym                            INFO       <60.00> === STARTING STEP ===
2025-07-02 00:48:17,731 sats.satellite.Scanner-1       INFO       <60.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:17,731 sats.satellite.Scanner-1       INFO       <60.00> Scanner-1: setting timed terminal event at 240.0
2025-07-02 00:48:17,750 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: timed termination at 240.0 for action_nadir_scan
2025-07-02 00:48:17,751 data.base                      INFO       <240.00> Total reward: {'Scanner-1': 0.0012280701754385963}
2025-07-02 00:48:17,751 comm.communication             INFO       <240.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,752 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,753 gym                            INFO       <240.00> Step reward: 0.0012280701754385963
2025-07-02 00:48:17,754 gym                            INFO       <240.00> === STARTING STEP ===
2025-07-02 00:48:17,755 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:17,755 sats.satellite.Scanner-1       INFO       <240.00> Scanner-1: setting timed terminal event at 420.0
2025-07-02 00:48:17,777 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: timed termination at 420.0 for action_nadir_scan
2025-07-02 00:48:17,778 data.base                      INFO       <420.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-02 00:48:17,778 comm.communication             INFO       <420.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,779 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,781 gym                            INFO       <420.00> Step reward: 0.00631578947368421
2025-07-02 00:48:17,781 gym                            INFO       <420.00> === STARTING STEP ===
2025-07-02 00:48:17,782 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:17,782 sats.satellite.Scanner-1       INFO       <420.00> Scanner-1: setting timed terminal event at 480.0
2025-07-02 00:48:17,791 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: timed termination at 480.0 for action_desat
2025-07-02 00:48:17,792 data.base                      INFO       <480.00> Total reward: {}
2025-07-02 00:48:17,792 comm.communication             INFO       <480.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,793 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,795 gym                            INFO       <480.00> Step reward: 0.0
2025-07-02 00:48:17,795 gym                            INFO       <480.00> === STARTING STEP ===
2025-07-02 00:48:17,796 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:17,797 sats.satellite.Scanner-1       INFO       <480.00> Scanner-1: setting timed terminal event at 540.0
2025-07-02 00:48:17,804 sats.satellite.Scanner-1       INFO       <540.00> Scanner-1: timed termination at 540.0 for action_desat
2025-07-02 00:48:17,805 data.base                      INFO       <540.00> Total reward: {}
2025-07-02 00:48:17,805 comm.communication             INFO       <540.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,806 sats.satellite.Scanner-1       INFO       <540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,808 gym                            INFO       <540.00> Step reward: 0.0
2025-07-02 00:48:17,808 gym                            INFO       <540.00> === STARTING STEP ===
2025-07-02 00:48:17,809 sats.satellite.Scanner-1       INFO       <540.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:17,809 sats.satellite.Scanner-1       INFO       <540.00> Scanner-1: setting timed terminal event at 660.0
2025-07-02 00:48:17,822 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: timed termination at 660.0 for action_charge
2025-07-02 00:48:17,823 data.base                      INFO       <660.00> Total reward: {}
2025-07-02 00:48:17,823 comm.communication             INFO       <660.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,824 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,825 gym                            INFO       <660.00> Step reward: 0.0
2025-07-02 00:48:17,826 gym                            INFO       <660.00> === STARTING STEP ===
2025-07-02 00:48:17,827 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:17,827 sats.satellite.Scanner-1       INFO       <660.00> Scanner-1: setting timed terminal event at 780.0
2025-07-02 00:48:17,842 sats.satellite.Scanner-1       INFO       <780.00> Scanner-1: timed termination at 780.0 for action_charge
2025-07-02 00:48:17,843 data.base                      INFO       <780.00> Total reward: {}
2025-07-02 00:48:17,843 comm.communication             INFO       <780.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,844 sats.satellite.Scanner-1       INFO       <780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,846 gym                            INFO       <780.00> Step reward: 0.0
2025-07-02 00:48:17,846 gym                            INFO       <780.00> === STARTING STEP ===
2025-07-02 00:48:17,847 sats.satellite.Scanner-1       INFO       <780.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:17,847 sats.satellite.Scanner-1       INFO       <780.00> Scanner-1: setting timed terminal event at 900.0
2025-07-02 00:48:17,860 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: timed termination at 900.0 for action_charge
2025-07-02 00:48:17,861 data.base                      INFO       <900.00> Total reward: {}
2025-07-02 00:48:17,861 comm.communication             INFO       <900.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,862 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,864 gym                            INFO       <900.00> Step reward: 0.0
2025-07-02 00:48:17,865 gym                            INFO       <900.00> === STARTING STEP ===
2025-07-02 00:48:17,865 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:17,865 sats.satellite.Scanner-1       INFO       <900.00> Scanner-1: setting timed terminal event at 960.0
2025-07-02 00:48:17,873 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: timed termination at 960.0 for action_downlink
2025-07-02 00:48:17,873 data.base                      INFO       <960.00> Total reward: {}
2025-07-02 00:48:17,874 comm.communication             INFO       <960.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,874 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,876 gym                            INFO       <960.00> Step reward: 0.0
2025-07-02 00:48:17,876 gym                            INFO       <960.00> === STARTING STEP ===
2025-07-02 00:48:17,877 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:17,877 sats.satellite.Scanner-1       INFO       <960.00> Scanner-1: setting timed terminal event at 1020.0
2025-07-02 00:48:17,885 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: timed termination at 1020.0 for action_desat
2025-07-02 00:48:17,886 data.base                      INFO       <1020.00> Total reward: {}
2025-07-02 00:48:17,886 comm.communication             INFO       <1020.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,887 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,889 gym                            INFO       <1020.00> Step reward: 0.0
2025-07-02 00:48:17,889 gym                            INFO       <1020.00> === STARTING STEP ===
2025-07-02 00:48:17,890 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:17,890 sats.satellite.Scanner-1       INFO       <1020.00> Scanner-1: setting timed terminal event at 1080.0
2025-07-02 00:48:17,897 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: timed termination at 1080.0 for action_downlink
2025-07-02 00:48:17,898 data.base                      INFO       <1080.00> Total reward: {}
2025-07-02 00:48:17,898 comm.communication             INFO       <1080.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,899 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,900 gym                            INFO       <1080.00> Step reward: 0.0
2025-07-02 00:48:17,901 gym                            INFO       <1080.00> === STARTING STEP ===
2025-07-02 00:48:17,901 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:17,902 sats.satellite.Scanner-1       INFO       <1080.00> Scanner-1: setting timed terminal event at 1260.0
2025-07-02 00:48:17,923 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: timed termination at 1260.0 for action_nadir_scan
2025-07-02 00:48:17,924 data.base                      INFO       <1260.00> Total reward: {'Scanner-1': 0.0025964912280701754}
2025-07-02 00:48:17,924 comm.communication             INFO       <1260.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,925 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,927 gym                            INFO       <1260.00> Step reward: 0.0025964912280701754
2025-07-02 00:48:17,927 gym                            INFO       <1260.00> === STARTING STEP ===
2025-07-02 00:48:17,928 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:17,928 sats.satellite.Scanner-1       INFO       <1260.00> Scanner-1: setting timed terminal event at 1440.0
2025-07-02 00:48:17,950 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: timed termination at 1440.0 for action_nadir_scan
2025-07-02 00:48:17,950 data.base                      INFO       <1440.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-02 00:48:17,951 comm.communication             INFO       <1440.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,951 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,953 gym                            INFO       <1440.00> Step reward: 0.00631578947368421
2025-07-02 00:48:17,954 gym                            INFO       <1440.00> === STARTING STEP ===
2025-07-02 00:48:17,954 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:17,955 sats.satellite.Scanner-1       INFO       <1440.00> Scanner-1: setting timed terminal event at 1560.0
2025-07-02 00:48:17,970 sats.satellite.Scanner-1       INFO       <1560.00> Scanner-1: timed termination at 1560.0 for action_charge
2025-07-02 00:48:17,971 data.base                      INFO       <1560.00> Total reward: {}
2025-07-02 00:48:17,971 comm.communication             INFO       <1560.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,972 sats.satellite.Scanner-1       INFO       <1560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,974 gym                            INFO       <1560.00> Step reward: 0.0
2025-07-02 00:48:17,974 gym                            INFO       <1560.00> === STARTING STEP ===
2025-07-02 00:48:17,975 sats.satellite.Scanner-1       INFO       <1560.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:17,976 sats.satellite.Scanner-1       INFO       <1560.00> Scanner-1: setting timed terminal event at 1620.0
2025-07-02 00:48:17,983 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: timed termination at 1620.0 for action_downlink
2025-07-02 00:48:17,983 data.base                      INFO       <1620.00> Total reward: {}
2025-07-02 00:48:17,984 comm.communication             INFO       <1620.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:17,984 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:17,986 gym                            INFO       <1620.00> Step reward: 0.0
2025-07-02 00:48:17,987 gym                            INFO       <1620.00> === STARTING STEP ===
2025-07-02 00:48:17,987 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:17,988 sats.satellite.Scanner-1       INFO       <1620.00> Scanner-1: setting timed terminal event at 1800.0
2025-07-02 00:48:18,007 sats.satellite.Scanner-1       INFO       <1800.00> Scanner-1: timed termination at 1800.0 for action_nadir_scan
2025-07-02 00:48:18,008 data.base                      INFO       <1800.00> Total reward: {'Scanner-1': 0.0021403508771929824}
2025-07-02 00:48:18,008 comm.communication             INFO       <1800.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,009 sats.satellite.Scanner-1       INFO       <1800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,011 gym                            INFO       <1800.00> Step reward: 0.0021403508771929824
2025-07-02 00:48:18,012 gym                            INFO       <1800.00> === STARTING STEP ===
2025-07-02 00:48:18,012 sats.satellite.Scanner-1       INFO       <1800.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,012 sats.satellite.Scanner-1       INFO       <1800.00> Scanner-1: setting timed terminal event at 1860.0
2025-07-02 00:48:18,020 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: timed termination at 1860.0 for action_downlink
2025-07-02 00:48:18,020 data.base                      INFO       <1860.00> Total reward: {}
2025-07-02 00:48:18,020 comm.communication             INFO       <1860.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,021 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,023 gym                            INFO       <1860.00> Step reward: 0.0
2025-07-02 00:48:18,023 gym                            INFO       <1860.00> === STARTING STEP ===
2025-07-02 00:48:18,024 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,024 sats.satellite.Scanner-1       INFO       <1860.00> Scanner-1: setting timed terminal event at 1920.0
2025-07-02 00:48:18,032 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: timed termination at 1920.0 for action_downlink
2025-07-02 00:48:18,032 data.base                      INFO       <1920.00> Total reward: {}
2025-07-02 00:48:18,033 comm.communication             INFO       <1920.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,033 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,035 gym                            INFO       <1920.00> Step reward: 0.0
2025-07-02 00:48:18,036 gym                            INFO       <1920.00> === STARTING STEP ===
2025-07-02 00:48:18,036 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,037 sats.satellite.Scanner-1       INFO       <1920.00> Scanner-1: setting timed terminal event at 2040.0
2025-07-02 00:48:18,050 sats.satellite.Scanner-1       INFO       <2040.00> Scanner-1: timed termination at 2040.0 for action_charge
2025-07-02 00:48:18,050 data.base                      INFO       <2040.00> Total reward: {}
2025-07-02 00:48:18,051 comm.communication             INFO       <2040.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,051 sats.satellite.Scanner-1       INFO       <2040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,053 gym                            INFO       <2040.00> Step reward: 0.0
2025-07-02 00:48:18,054 gym                            INFO       <2040.00> === STARTING STEP ===
2025-07-02 00:48:18,054 sats.satellite.Scanner-1       INFO       <2040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,055 sats.satellite.Scanner-1       INFO       <2040.00> Scanner-1: setting timed terminal event at 2160.0
2025-07-02 00:48:18,068 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: timed termination at 2160.0 for action_charge
2025-07-02 00:48:18,068 data.base                      INFO       <2160.00> Total reward: {}
2025-07-02 00:48:18,069 comm.communication             INFO       <2160.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,069 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,071 gym                            INFO       <2160.00> Step reward: 0.0
2025-07-02 00:48:18,071 gym                            INFO       <2160.00> === STARTING STEP ===
2025-07-02 00:48:18,072 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,072 sats.satellite.Scanner-1       INFO       <2160.00> Scanner-1: setting timed terminal event at 2220.0
2025-07-02 00:48:18,080 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: timed termination at 2220.0 for action_downlink
2025-07-02 00:48:18,081 data.base                      INFO       <2220.00> Total reward: {}
2025-07-02 00:48:18,081 comm.communication             INFO       <2220.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,082 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,083 gym                            INFO       <2220.00> Step reward: 0.0
2025-07-02 00:48:18,084 gym                            INFO       <2220.00> === STARTING STEP ===
2025-07-02 00:48:18,085 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,085 sats.satellite.Scanner-1       INFO       <2220.00> Scanner-1: setting timed terminal event at 2340.0
2025-07-02 00:48:18,098 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: timed termination at 2340.0 for action_charge
2025-07-02 00:48:18,099 data.base                      INFO       <2340.00> Total reward: {}
2025-07-02 00:48:18,099 comm.communication             INFO       <2340.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,100 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,102 gym                            INFO       <2340.00> Step reward: 0.0
2025-07-02 00:48:18,102 gym                            INFO       <2340.00> === STARTING STEP ===
2025-07-02 00:48:18,103 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:18,103 sats.satellite.Scanner-1       INFO       <2340.00> Scanner-1: setting timed terminal event at 2520.0
2025-07-02 00:48:18,122 sats.satellite.Scanner-1       INFO       <2520.00> Scanner-1: timed termination at 2520.0 for action_nadir_scan
2025-07-02 00:48:18,122 data.base                      INFO       <2520.00> Total reward: {'Scanner-1': 0.002526315789473684}
2025-07-02 00:48:18,123 comm.communication             INFO       <2520.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,123 sats.satellite.Scanner-1       INFO       <2520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,125 gym                            INFO       <2520.00> Step reward: 0.002526315789473684
2025-07-02 00:48:18,126 gym                            INFO       <2520.00> === STARTING STEP ===
2025-07-02 00:48:18,126 sats.satellite.Scanner-1       INFO       <2520.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,127 sats.satellite.Scanner-1       INFO       <2520.00> Scanner-1: setting timed terminal event at 2640.0
2025-07-02 00:48:18,140 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: timed termination at 2640.0 for action_charge
2025-07-02 00:48:18,141 data.base                      INFO       <2640.00> Total reward: {}
2025-07-02 00:48:18,141 comm.communication             INFO       <2640.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,141 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,143 gym                            INFO       <2640.00> Step reward: 0.0
2025-07-02 00:48:18,144 gym                            INFO       <2640.00> === STARTING STEP ===
2025-07-02 00:48:18,144 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,145 sats.satellite.Scanner-1       INFO       <2640.00> Scanner-1: setting timed terminal event at 2700.0
2025-07-02 00:48:18,153 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: timed termination at 2700.0 for action_downlink
2025-07-02 00:48:18,154 data.base                      INFO       <2700.00> Total reward: {}
2025-07-02 00:48:18,154 comm.communication             INFO       <2700.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,154 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,156 gym                            INFO       <2700.00> Step reward: 0.0
2025-07-02 00:48:18,157 gym                            INFO       <2700.00> === STARTING STEP ===
2025-07-02 00:48:18,157 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:18,158 sats.satellite.Scanner-1       INFO       <2700.00> Scanner-1: setting timed terminal event at 2760.0
2025-07-02 00:48:18,167 sats.satellite.Scanner-1       INFO       <2760.00> Scanner-1: timed termination at 2760.0 for action_desat
2025-07-02 00:48:18,167 data.base                      INFO       <2760.00> Total reward: {}
2025-07-02 00:48:18,168 comm.communication             INFO       <2760.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,168 sats.satellite.Scanner-1       INFO       <2760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,170 gym                            INFO       <2760.00> Step reward: 0.0
2025-07-02 00:48:18,170 gym                            INFO       <2760.00> === STARTING STEP ===
2025-07-02 00:48:18,171 sats.satellite.Scanner-1       INFO       <2760.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,171 sats.satellite.Scanner-1       INFO       <2760.00> Scanner-1: setting timed terminal event at 2820.0
2025-07-02 00:48:18,180 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: timed termination at 2820.0 for action_downlink
2025-07-02 00:48:18,181 data.base                      INFO       <2820.00> Total reward: {}
2025-07-02 00:48:18,181 comm.communication             INFO       <2820.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,182 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,184 gym                            INFO       <2820.00> Step reward: 0.0
2025-07-02 00:48:18,184 gym                            INFO       <2820.00> === STARTING STEP ===
2025-07-02 00:48:18,185 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,185 sats.satellite.Scanner-1       INFO       <2820.00> Scanner-1: setting timed terminal event at 2880.0
2025-07-02 00:48:18,193 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: timed termination at 2880.0 for action_downlink
2025-07-02 00:48:18,193 data.base                      INFO       <2880.00> Total reward: {}
2025-07-02 00:48:18,193 comm.communication             INFO       <2880.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,194 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,196 gym                            INFO       <2880.00> Step reward: 0.0
2025-07-02 00:48:18,196 gym                            INFO       <2880.00> === STARTING STEP ===
2025-07-02 00:48:18,197 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,198 sats.satellite.Scanner-1       INFO       <2880.00> Scanner-1: setting timed terminal event at 3000.0
2025-07-02 00:48:18,211 sats.satellite.Scanner-1       INFO       <3000.00> Scanner-1: timed termination at 3000.0 for action_charge
2025-07-02 00:48:18,211 data.base                      INFO       <3000.00> Total reward: {}
2025-07-02 00:48:18,212 comm.communication             INFO       <3000.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,212 sats.satellite.Scanner-1       INFO       <3000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,214 gym                            INFO       <3000.00> Step reward: 0.0
2025-07-02 00:48:18,215 gym                            INFO       <3000.00> === STARTING STEP ===
2025-07-02 00:48:18,215 sats.satellite.Scanner-1       INFO       <3000.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,216 sats.satellite.Scanner-1       INFO       <3000.00> Scanner-1: setting timed terminal event at 3060.0
2025-07-02 00:48:18,223 sats.satellite.Scanner-1       INFO       <3060.00> Scanner-1: timed termination at 3060.0 for action_downlink
2025-07-02 00:48:18,224 data.base                      INFO       <3060.00> Total reward: {}
2025-07-02 00:48:18,224 comm.communication             INFO       <3060.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,225 sats.satellite.Scanner-1       INFO       <3060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,226 gym                            INFO       <3060.00> Step reward: 0.0
2025-07-02 00:48:18,227 gym                            INFO       <3060.00> === STARTING STEP ===
2025-07-02 00:48:18,228 sats.satellite.Scanner-1       INFO       <3060.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:18,228 sats.satellite.Scanner-1       INFO       <3060.00> Scanner-1: setting timed terminal event at 3240.0
2025-07-02 00:48:18,247 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: timed termination at 3240.0 for action_nadir_scan
2025-07-02 00:48:18,248 data.base                      INFO       <3240.00> Total reward: {'Scanner-1': 0.003052631578947368}
2025-07-02 00:48:18,248 comm.communication             INFO       <3240.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,249 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,250 gym                            INFO       <3240.00> Step reward: 0.003052631578947368
2025-07-02 00:48:18,251 gym                            INFO       <3240.00> === STARTING STEP ===
2025-07-02 00:48:18,252 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:18,252 sats.satellite.Scanner-1       INFO       <3240.00> Scanner-1: setting timed terminal event at 3300.0
2025-07-02 00:48:18,261 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: timed termination at 3300.0 for action_desat
2025-07-02 00:48:18,261 data.base                      INFO       <3300.00> Total reward: {}
2025-07-02 00:48:18,262 comm.communication             INFO       <3300.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,262 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,264 gym                            INFO       <3300.00> Step reward: 0.0
2025-07-02 00:48:18,265 gym                            INFO       <3300.00> === STARTING STEP ===
2025-07-02 00:48:18,266 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,266 sats.satellite.Scanner-1       INFO       <3300.00> Scanner-1: setting timed terminal event at 3360.0
2025-07-02 00:48:18,274 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: timed termination at 3360.0 for action_downlink
2025-07-02 00:48:18,275 data.base                      INFO       <3360.00> Total reward: {}
2025-07-02 00:48:18,275 comm.communication             INFO       <3360.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,276 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,278 gym                            INFO       <3360.00> Step reward: 0.0
2025-07-02 00:48:18,279 gym                            INFO       <3360.00> === STARTING STEP ===
2025-07-02 00:48:18,279 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:18,279 sats.satellite.Scanner-1       INFO       <3360.00> Scanner-1: setting timed terminal event at 3540.0
2025-07-02 00:48:18,302 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: timed termination at 3540.0 for action_nadir_scan
2025-07-02 00:48:18,302 data.base                      INFO       <3540.00> Total reward: {'Scanner-1': 0.005052631578947368}
2025-07-02 00:48:18,303 comm.communication             INFO       <3540.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,303 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,305 gym                            INFO       <3540.00> Step reward: 0.005052631578947368
2025-07-02 00:48:18,305 gym                            INFO       <3540.00> === STARTING STEP ===
2025-07-02 00:48:18,306 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,306 sats.satellite.Scanner-1       INFO       <3540.00> Scanner-1: setting timed terminal event at 3660.0
2025-07-02 00:48:18,322 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: timed termination at 3660.0 for action_charge
2025-07-02 00:48:18,323 data.base                      INFO       <3660.00> Total reward: {}
2025-07-02 00:48:18,323 comm.communication             INFO       <3660.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,324 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,326 gym                            INFO       <3660.00> Step reward: 0.0
2025-07-02 00:48:18,326 gym                            INFO       <3660.00> === STARTING STEP ===
2025-07-02 00:48:18,327 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,327 sats.satellite.Scanner-1       INFO       <3660.00> Scanner-1: setting timed terminal event at 3720.0
2025-07-02 00:48:18,334 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: timed termination at 3720.0 for action_downlink
2025-07-02 00:48:18,335 data.base                      INFO       <3720.00> Total reward: {}
2025-07-02 00:48:18,335 comm.communication             INFO       <3720.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,336 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,338 gym                            INFO       <3720.00> Step reward: 0.0
2025-07-02 00:48:18,338 gym                            INFO       <3720.00> === STARTING STEP ===
2025-07-02 00:48:18,339 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,339 sats.satellite.Scanner-1       INFO       <3720.00> Scanner-1: setting timed terminal event at 3840.0
2025-07-02 00:48:18,352 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: timed termination at 3840.0 for action_charge
2025-07-02 00:48:18,353 data.base                      INFO       <3840.00> Total reward: {}
2025-07-02 00:48:18,353 comm.communication             INFO       <3840.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,354 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,356 gym                            INFO       <3840.00> Step reward: 0.0
2025-07-02 00:48:18,356 gym                            INFO       <3840.00> === STARTING STEP ===
2025-07-02 00:48:18,357 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,357 sats.satellite.Scanner-1       INFO       <3840.00> Scanner-1: setting timed terminal event at 3960.0
2025-07-02 00:48:18,370 sats.satellite.Scanner-1       INFO       <3960.00> Scanner-1: timed termination at 3960.0 for action_charge
2025-07-02 00:48:18,371 data.base                      INFO       <3960.00> Total reward: {}
2025-07-02 00:48:18,371 comm.communication             INFO       <3960.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,372 sats.satellite.Scanner-1       INFO       <3960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,373 gym                            INFO       <3960.00> Step reward: 0.0
2025-07-02 00:48:18,374 gym                            INFO       <3960.00> === STARTING STEP ===
2025-07-02 00:48:18,374 sats.satellite.Scanner-1       INFO       <3960.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,375 sats.satellite.Scanner-1       INFO       <3960.00> Scanner-1: setting timed terminal event at 4080.0
2025-07-02 00:48:18,388 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: timed termination at 4080.0 for action_charge
2025-07-02 00:48:18,388 data.base                      INFO       <4080.00> Total reward: {}
2025-07-02 00:48:18,389 comm.communication             INFO       <4080.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,389 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,391 gym                            INFO       <4080.00> Step reward: 0.0
2025-07-02 00:48:18,391 gym                            INFO       <4080.00> === STARTING STEP ===
2025-07-02 00:48:18,392 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:18,392 sats.satellite.Scanner-1       INFO       <4080.00> Scanner-1: setting timed terminal event at 4140.0
2025-07-02 00:48:18,400 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: timed termination at 4140.0 for action_desat
2025-07-02 00:48:18,401 data.base                      INFO       <4140.00> Total reward: {}
2025-07-02 00:48:18,401 comm.communication             INFO       <4140.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,402 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,403 gym                            INFO       <4140.00> Step reward: 0.0
2025-07-02 00:48:18,404 gym                            INFO       <4140.00> === STARTING STEP ===
2025-07-02 00:48:18,405 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,405 sats.satellite.Scanner-1       INFO       <4140.00> Scanner-1: setting timed terminal event at 4200.0
2025-07-02 00:48:18,412 sats.satellite.Scanner-1       INFO       <4200.00> Scanner-1: timed termination at 4200.0 for action_downlink
2025-07-02 00:48:18,413 data.base                      INFO       <4200.00> Total reward: {}
2025-07-02 00:48:18,413 comm.communication             INFO       <4200.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,414 sats.satellite.Scanner-1       INFO       <4200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,416 gym                            INFO       <4200.00> Step reward: 0.0
2025-07-02 00:48:18,416 gym                            INFO       <4200.00> === STARTING STEP ===
2025-07-02 00:48:18,417 sats.satellite.Scanner-1       INFO       <4200.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,417 sats.satellite.Scanner-1       INFO       <4200.00> Scanner-1: setting timed terminal event at 4260.0
2025-07-02 00:48:18,424 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: timed termination at 4260.0 for action_downlink
2025-07-02 00:48:18,425 data.base                      INFO       <4260.00> Total reward: {}
2025-07-02 00:48:18,425 comm.communication             INFO       <4260.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,426 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,427 gym                            INFO       <4260.00> Step reward: 0.0
2025-07-02 00:48:18,428 gym                            INFO       <4260.00> === STARTING STEP ===
2025-07-02 00:48:18,428 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,429 sats.satellite.Scanner-1       INFO       <4260.00> Scanner-1: setting timed terminal event at 4320.0
2025-07-02 00:48:18,436 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: timed termination at 4320.0 for action_downlink
2025-07-02 00:48:18,436 data.base                      INFO       <4320.00> Total reward: {}
2025-07-02 00:48:18,437 comm.communication             INFO       <4320.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,437 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,439 gym                            INFO       <4320.00> Step reward: 0.0
2025-07-02 00:48:18,440 gym                            INFO       <4320.00> === STARTING STEP ===
2025-07-02 00:48:18,441 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,441 sats.satellite.Scanner-1       INFO       <4320.00> Scanner-1: setting timed terminal event at 4380.0
2025-07-02 00:48:18,449 sats.satellite.Scanner-1       INFO       <4380.00> Scanner-1: timed termination at 4380.0 for action_downlink
2025-07-02 00:48:18,449 data.base                      INFO       <4380.00> Total reward: {}
2025-07-02 00:48:18,449 comm.communication             INFO       <4380.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,450 sats.satellite.Scanner-1       INFO       <4380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,452 gym                            INFO       <4380.00> Step reward: 0.0
2025-07-02 00:48:18,452 gym                            INFO       <4380.00> === STARTING STEP ===
2025-07-02 00:48:18,453 sats.satellite.Scanner-1       INFO       <4380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:18,453 sats.satellite.Scanner-1       INFO       <4380.00> Scanner-1: setting timed terminal event at 4440.0
2025-07-02 00:48:18,461 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: timed termination at 4440.0 for action_desat
2025-07-02 00:48:18,461 data.base                      INFO       <4440.00> Total reward: {}
2025-07-02 00:48:18,462 comm.communication             INFO       <4440.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,462 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,464 gym                            INFO       <4440.00> Step reward: 0.0
2025-07-02 00:48:18,464 gym                            INFO       <4440.00> === STARTING STEP ===
2025-07-02 00:48:18,465 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,465 sats.satellite.Scanner-1       INFO       <4440.00> Scanner-1: setting timed terminal event at 4560.0
2025-07-02 00:48:18,479 sats.satellite.Scanner-1       INFO       <4560.00> Scanner-1: timed termination at 4560.0 for action_charge
2025-07-02 00:48:18,479 data.base                      INFO       <4560.00> Total reward: {}
2025-07-02 00:48:18,480 comm.communication             INFO       <4560.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,480 sats.satellite.Scanner-1       INFO       <4560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,482 gym                            INFO       <4560.00> Step reward: 0.0
2025-07-02 00:48:18,483 gym                            INFO       <4560.00> === STARTING STEP ===
2025-07-02 00:48:18,483 sats.satellite.Scanner-1       INFO       <4560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:18,484 sats.satellite.Scanner-1       INFO       <4560.00> Scanner-1: setting timed terminal event at 4620.0
2025-07-02 00:48:18,491 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: timed termination at 4620.0 for action_desat
2025-07-02 00:48:18,492 data.base                      INFO       <4620.00> Total reward: {}
2025-07-02 00:48:18,492 comm.communication             INFO       <4620.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,493 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,495 gym                            INFO       <4620.00> Step reward: 0.0
2025-07-02 00:48:18,495 gym                            INFO       <4620.00> === STARTING STEP ===
2025-07-02 00:48:18,496 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,496 sats.satellite.Scanner-1       INFO       <4620.00> Scanner-1: setting timed terminal event at 4680.0
2025-07-02 00:48:18,503 sats.satellite.Scanner-1       INFO       <4680.00> Scanner-1: timed termination at 4680.0 for action_downlink
2025-07-02 00:48:18,504 data.base                      INFO       <4680.00> Total reward: {}
2025-07-02 00:48:18,504 comm.communication             INFO       <4680.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,505 sats.satellite.Scanner-1       INFO       <4680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,507 gym                            INFO       <4680.00> Step reward: 0.0
2025-07-02 00:48:18,507 gym                            INFO       <4680.00> === STARTING STEP ===
2025-07-02 00:48:18,507 sats.satellite.Scanner-1       INFO       <4680.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,508 sats.satellite.Scanner-1       INFO       <4680.00> Scanner-1: setting timed terminal event at 4740.0
2025-07-02 00:48:18,515 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: timed termination at 4740.0 for action_downlink
2025-07-02 00:48:18,515 data.base                      INFO       <4740.00> Total reward: {}
2025-07-02 00:48:18,516 comm.communication             INFO       <4740.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,516 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,518 gym                            INFO       <4740.00> Step reward: 0.0
2025-07-02 00:48:18,518 gym                            INFO       <4740.00> === STARTING STEP ===
2025-07-02 00:48:18,519 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:18,519 sats.satellite.Scanner-1       INFO       <4740.00> Scanner-1: setting timed terminal event at 4920.0
2025-07-02 00:48:18,538 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: timed termination at 4920.0 for action_nadir_scan
2025-07-02 00:48:18,539 data.base                      INFO       <4920.00> Total reward: {'Scanner-1': 0.0048070175438596485}
2025-07-02 00:48:18,539 comm.communication             INFO       <4920.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,540 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,542 gym                            INFO       <4920.00> Step reward: 0.0048070175438596485
2025-07-02 00:48:18,542 gym                            INFO       <4920.00> === STARTING STEP ===
2025-07-02 00:48:18,543 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,544 sats.satellite.Scanner-1       INFO       <4920.00> Scanner-1: setting timed terminal event at 5040.0
2025-07-02 00:48:18,559 sats.satellite.Scanner-1       INFO       <5040.00> Scanner-1: timed termination at 5040.0 for action_charge
2025-07-02 00:48:18,559 data.base                      INFO       <5040.00> Total reward: {}
2025-07-02 00:48:18,560 comm.communication             INFO       <5040.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,560 sats.satellite.Scanner-1       INFO       <5040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,562 gym                            INFO       <5040.00> Step reward: 0.0
2025-07-02 00:48:18,562 gym                            INFO       <5040.00> === STARTING STEP ===
2025-07-02 00:48:18,563 sats.satellite.Scanner-1       INFO       <5040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,564 sats.satellite.Scanner-1       INFO       <5040.00> Scanner-1: setting timed terminal event at 5160.0
2025-07-02 00:48:18,579 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: timed termination at 5160.0 for action_charge
2025-07-02 00:48:18,579 data.base                      INFO       <5160.00> Total reward: {}
2025-07-02 00:48:18,579 comm.communication             INFO       <5160.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,580 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,581 gym                            INFO       <5160.00> Step reward: 0.0
2025-07-02 00:48:18,582 gym                            INFO       <5160.00> === STARTING STEP ===
2025-07-02 00:48:18,582 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,583 sats.satellite.Scanner-1       INFO       <5160.00> Scanner-1: setting timed terminal event at 5220.0
2025-07-02 00:48:18,592 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: timed termination at 5220.0 for action_downlink
2025-07-02 00:48:18,592 data.base                      INFO       <5220.00> Total reward: {}
2025-07-02 00:48:18,593 comm.communication             INFO       <5220.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,593 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,595 gym                            INFO       <5220.00> Step reward: 0.0
2025-07-02 00:48:18,595 gym                            INFO       <5220.00> === STARTING STEP ===
2025-07-02 00:48:18,596 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:18,597 sats.satellite.Scanner-1       INFO       <5220.00> Scanner-1: setting timed terminal event at 5280.0
2025-07-02 00:48:18,605 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: timed termination at 5280.0 for action_desat
2025-07-02 00:48:18,606 data.base                      INFO       <5280.00> Total reward: {}
2025-07-02 00:48:18,606 comm.communication             INFO       <5280.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,607 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,609 gym                            INFO       <5280.00> Step reward: 0.0
2025-07-02 00:48:18,609 gym                            INFO       <5280.00> === STARTING STEP ===
2025-07-02 00:48:18,610 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:18,610 sats.satellite.Scanner-1       INFO       <5280.00> Scanner-1: setting timed terminal event at 5460.0
2025-07-02 00:48:18,629 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: timed termination at 5460.0 for action_nadir_scan
2025-07-02 00:48:18,630 data.base                      INFO       <5460.00> Total reward: {'Scanner-1': 0.0048070175438596485}
2025-07-02 00:48:18,630 comm.communication             INFO       <5460.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,631 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,632 gym                            INFO       <5460.00> Step reward: 0.0048070175438596485
2025-07-02 00:48:18,633 gym                            INFO       <5460.00> === STARTING STEP ===
2025-07-02 00:48:18,634 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,634 sats.satellite.Scanner-1       INFO       <5460.00> Scanner-1: setting timed terminal event at 5520.0
2025-07-02 00:48:18,642 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: timed termination at 5520.0 for action_downlink
2025-07-02 00:48:18,642 data.base                      INFO       <5520.00> Total reward: {}
2025-07-02 00:48:18,643 comm.communication             INFO       <5520.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,643 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,645 gym                            INFO       <5520.00> Step reward: 0.0
2025-07-02 00:48:18,646 gym                            INFO       <5520.00> === STARTING STEP ===
2025-07-02 00:48:18,646 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:18,647 sats.satellite.Scanner-1       INFO       <5520.00> Scanner-1: setting timed terminal event at 5700.0
2025-07-02 00:48:18,665 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: timed termination at 5700.0 for action_nadir_scan
2025-07-02 00:48:18,666 data.base                      INFO       <5700.00> Total reward: {'Scanner-1': 0.004666666666666666}
2025-07-02 00:48:18,666 comm.communication             INFO       <5700.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,667 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,668 gym                            INFO       <5700.00> Step reward: 0.004666666666666666
2025-07-02 00:48:18,669 gym                            INFO       <5700.00> === STARTING STEP ===
2025-07-02 00:48:18,670 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:18,670 sats.satellite.Scanner-1       INFO       <5700.00> Scanner-1: setting timed terminal event at 5760.0
2025-07-02 00:48:18,678 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: timed termination at 5760.0 for action_desat
2025-07-02 00:48:18,678 data.base                      INFO       <5760.00> Total reward: {}
2025-07-02 00:48:18,679 comm.communication             INFO       <5760.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,679 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,681 gym                            INFO       <5760.00> Step reward: 0.0
2025-07-02 00:48:18,681 gym                            INFO       <5760.00> === STARTING STEP ===
2025-07-02 00:48:18,682 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:18,682 sats.satellite.Scanner-1       INFO       <5760.00> Scanner-1: setting timed terminal event at 5940.0
2025-07-02 00:48:18,702 sats.satellite.Scanner-1       INFO       <5940.00> Scanner-1: timed termination at 5940.0 for action_nadir_scan
2025-07-02 00:48:18,702 data.base                      INFO       <5940.00> Total reward: {'Scanner-1': 0.004736842105263157}
2025-07-02 00:48:18,703 comm.communication             INFO       <5940.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,704 sats.satellite.Scanner-1       INFO       <5940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,705 gym                            INFO       <5940.00> Step reward: 0.004736842105263157
2025-07-02 00:48:18,706 gym                            INFO       <5940.00> === STARTING STEP ===
2025-07-02 00:48:18,706 sats.satellite.Scanner-1       INFO       <5940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:18,707 sats.satellite.Scanner-1       INFO       <5940.00> Scanner-1: setting timed terminal event at 6000.0
2025-07-02 00:48:18,714 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: timed termination at 6000.0 for action_desat
2025-07-02 00:48:18,715 data.base                      INFO       <6000.00> Total reward: {}
2025-07-02 00:48:18,715 comm.communication             INFO       <6000.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,716 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,718 gym                            INFO       <6000.00> Step reward: 0.0
2025-07-02 00:48:18,718 gym                            INFO       <6000.00> === STARTING STEP ===
2025-07-02 00:48:18,719 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:18,719 sats.satellite.Scanner-1       INFO       <6000.00> Scanner-1: setting timed terminal event at 6180.0
2025-07-02 00:48:18,738 sats.satellite.Scanner-1       INFO       <6180.00> Scanner-1: timed termination at 6180.0 for action_nadir_scan
2025-07-02 00:48:18,738 data.base                      INFO       <6180.00> Total reward: {'Scanner-1': 0.0048070175438596485}
2025-07-02 00:48:18,739 comm.communication             INFO       <6180.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,739 sats.satellite.Scanner-1       INFO       <6180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,741 gym                            INFO       <6180.00> Step reward: 0.0048070175438596485
2025-07-02 00:48:18,742 gym                            INFO       <6180.00> === STARTING STEP ===
2025-07-02 00:48:18,742 sats.satellite.Scanner-1       INFO       <6180.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:18,742 sats.satellite.Scanner-1       INFO       <6180.00> Scanner-1: setting timed terminal event at 6360.0
2025-07-02 00:48:18,761 sats.satellite.Scanner-1       INFO       <6360.00> Scanner-1: timed termination at 6360.0 for action_nadir_scan
2025-07-02 00:48:18,762 data.base                      INFO       <6360.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-02 00:48:18,762 comm.communication             INFO       <6360.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,763 sats.satellite.Scanner-1       INFO       <6360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,765 gym                            INFO       <6360.00> Step reward: 0.00631578947368421
2025-07-02 00:48:18,765 gym                            INFO       <6360.00> === STARTING STEP ===
2025-07-02 00:48:18,766 sats.satellite.Scanner-1       INFO       <6360.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,766 sats.satellite.Scanner-1       INFO       <6360.00> Scanner-1: setting timed terminal event at 6420.0
2025-07-02 00:48:18,774 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: timed termination at 6420.0 for action_downlink
2025-07-02 00:48:18,775 data.base                      INFO       <6420.00> Total reward: {}
2025-07-02 00:48:18,775 comm.communication             INFO       <6420.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,775 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,777 gym                            INFO       <6420.00> Step reward: 0.0
2025-07-02 00:48:18,778 gym                            INFO       <6420.00> === STARTING STEP ===
2025-07-02 00:48:18,778 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,779 sats.satellite.Scanner-1       INFO       <6420.00> Scanner-1: setting timed terminal event at 6480.0
2025-07-02 00:48:18,786 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: timed termination at 6480.0 for action_downlink
2025-07-02 00:48:18,787 data.base                      INFO       <6480.00> Total reward: {}
2025-07-02 00:48:18,787 comm.communication             INFO       <6480.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,788 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,790 gym                            INFO       <6480.00> Step reward: 0.0
2025-07-02 00:48:18,790 gym                            INFO       <6480.00> === STARTING STEP ===
2025-07-02 00:48:18,791 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:18,791 sats.satellite.Scanner-1       INFO       <6480.00> Scanner-1: setting timed terminal event at 6660.0
2025-07-02 00:48:18,810 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: timed termination at 6660.0 for action_nadir_scan
2025-07-02 00:48:18,811 data.base                      INFO       <6660.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-02 00:48:18,811 comm.communication             INFO       <6660.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,812 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,813 gym                            INFO       <6660.00> Step reward: 0.00487719298245614
2025-07-02 00:48:18,814 gym                            INFO       <6660.00> === STARTING STEP ===
2025-07-02 00:48:18,815 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,815 sats.satellite.Scanner-1       INFO       <6660.00> Scanner-1: setting timed terminal event at 6780.0
2025-07-02 00:48:18,828 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: timed termination at 6780.0 for action_charge
2025-07-02 00:48:18,828 data.base                      INFO       <6780.00> Total reward: {}
2025-07-02 00:48:18,829 comm.communication             INFO       <6780.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,829 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,831 gym                            INFO       <6780.00> Step reward: 0.0
2025-07-02 00:48:18,832 gym                            INFO       <6780.00> === STARTING STEP ===
2025-07-02 00:48:18,832 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:18,833 sats.satellite.Scanner-1       INFO       <6780.00> Scanner-1: setting timed terminal event at 6840.0
2025-07-02 00:48:18,841 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: timed termination at 6840.0 for action_desat
2025-07-02 00:48:18,841 data.base                      INFO       <6840.00> Total reward: {}
2025-07-02 00:48:18,842 comm.communication             INFO       <6840.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,842 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,844 gym                            INFO       <6840.00> Step reward: 0.0
2025-07-02 00:48:18,845 gym                            INFO       <6840.00> === STARTING STEP ===
2025-07-02 00:48:18,845 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,845 sats.satellite.Scanner-1       INFO       <6840.00> Scanner-1: setting timed terminal event at 6960.0
2025-07-02 00:48:18,859 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: timed termination at 6960.0 for action_charge
2025-07-02 00:48:18,859 data.base                      INFO       <6960.00> Total reward: {}
2025-07-02 00:48:18,860 comm.communication             INFO       <6960.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,860 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,862 gym                            INFO       <6960.00> Step reward: 0.0
2025-07-02 00:48:18,863 gym                            INFO       <6960.00> === STARTING STEP ===
2025-07-02 00:48:18,863 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,864 sats.satellite.Scanner-1       INFO       <6960.00> Scanner-1: setting timed terminal event at 7080.0
2025-07-02 00:48:18,877 sats.satellite.Scanner-1       INFO       <7080.00> Scanner-1: timed termination at 7080.0 for action_charge
2025-07-02 00:48:18,878 data.base                      INFO       <7080.00> Total reward: {}
2025-07-02 00:48:18,878 comm.communication             INFO       <7080.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,878 sats.satellite.Scanner-1       INFO       <7080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,880 gym                            INFO       <7080.00> Step reward: 0.0
2025-07-02 00:48:18,881 gym                            INFO       <7080.00> === STARTING STEP ===
2025-07-02 00:48:18,882 sats.satellite.Scanner-1       INFO       <7080.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,882 sats.satellite.Scanner-1       INFO       <7080.00> Scanner-1: setting timed terminal event at 7200.0
2025-07-02 00:48:18,895 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: timed termination at 7200.0 for action_charge
2025-07-02 00:48:18,895 data.base                      INFO       <7200.00> Total reward: {}
2025-07-02 00:48:18,896 comm.communication             INFO       <7200.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,896 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,898 gym                            INFO       <7200.00> Step reward: 0.0
2025-07-02 00:48:18,899 gym                            INFO       <7200.00> === STARTING STEP ===
2025-07-02 00:48:18,899 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,900 sats.satellite.Scanner-1       INFO       <7200.00> Scanner-1: setting timed terminal event at 7260.0
2025-07-02 00:48:18,908 sats.satellite.Scanner-1       INFO       <7260.00> Scanner-1: timed termination at 7260.0 for action_downlink
2025-07-02 00:48:18,908 data.base                      INFO       <7260.00> Total reward: {}
2025-07-02 00:48:18,909 comm.communication             INFO       <7260.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,909 sats.satellite.Scanner-1       INFO       <7260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,911 gym                            INFO       <7260.00> Step reward: 0.0
2025-07-02 00:48:18,911 gym                            INFO       <7260.00> === STARTING STEP ===
2025-07-02 00:48:18,912 sats.satellite.Scanner-1       INFO       <7260.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,912 sats.satellite.Scanner-1       INFO       <7260.00> Scanner-1: setting timed terminal event at 7380.0
2025-07-02 00:48:18,928 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: timed termination at 7380.0 for action_charge
2025-07-02 00:48:18,928 data.base                      INFO       <7380.00> Total reward: {}
2025-07-02 00:48:18,929 comm.communication             INFO       <7380.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,930 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,931 gym                            INFO       <7380.00> Step reward: 0.0
2025-07-02 00:48:18,932 gym                            INFO       <7380.00> === STARTING STEP ===
2025-07-02 00:48:18,932 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,933 sats.satellite.Scanner-1       INFO       <7380.00> Scanner-1: setting timed terminal event at 7440.0
2025-07-02 00:48:18,940 sats.satellite.Scanner-1       INFO       <7440.00> Scanner-1: timed termination at 7440.0 for action_downlink
2025-07-02 00:48:18,941 data.base                      INFO       <7440.00> Total reward: {}
2025-07-02 00:48:18,941 comm.communication             INFO       <7440.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,942 sats.satellite.Scanner-1       INFO       <7440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,943 gym                            INFO       <7440.00> Step reward: 0.0
2025-07-02 00:48:18,944 gym                            INFO       <7440.00> === STARTING STEP ===
2025-07-02 00:48:18,945 sats.satellite.Scanner-1       INFO       <7440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,945 sats.satellite.Scanner-1       INFO       <7440.00> Scanner-1: setting timed terminal event at 7560.0
2025-07-02 00:48:18,958 sats.satellite.Scanner-1       INFO       <7560.00> Scanner-1: timed termination at 7560.0 for action_charge
2025-07-02 00:48:18,958 data.base                      INFO       <7560.00> Total reward: {}
2025-07-02 00:48:18,959 comm.communication             INFO       <7560.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,959 sats.satellite.Scanner-1       INFO       <7560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,961 gym                            INFO       <7560.00> Step reward: 0.0
2025-07-02 00:48:18,962 gym                            INFO       <7560.00> === STARTING STEP ===
2025-07-02 00:48:18,962 sats.satellite.Scanner-1       INFO       <7560.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:18,963 sats.satellite.Scanner-1       INFO       <7560.00> Scanner-1: setting timed terminal event at 7740.0
2025-07-02 00:48:18,982 sats.satellite.Scanner-1       INFO       <7740.00> Scanner-1: timed termination at 7740.0 for action_nadir_scan
2025-07-02 00:48:18,982 data.base                      INFO       <7740.00> Total reward: {'Scanner-1': 0.00431578947368421}
2025-07-02 00:48:18,983 comm.communication             INFO       <7740.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,983 sats.satellite.Scanner-1       INFO       <7740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,985 gym                            INFO       <7740.00> Step reward: 0.00431578947368421
2025-07-02 00:48:18,985 gym                            INFO       <7740.00> === STARTING STEP ===
2025-07-02 00:48:18,986 sats.satellite.Scanner-1       INFO       <7740.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:18,986 sats.satellite.Scanner-1       INFO       <7740.00> Scanner-1: setting timed terminal event at 7800.0
2025-07-02 00:48:18,994 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: timed termination at 7800.0 for action_downlink
2025-07-02 00:48:18,995 data.base                      INFO       <7800.00> Total reward: {}
2025-07-02 00:48:18,995 comm.communication             INFO       <7800.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:18,995 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:18,997 gym                            INFO       <7800.00> Step reward: 0.0
2025-07-02 00:48:18,998 gym                            INFO       <7800.00> === STARTING STEP ===
2025-07-02 00:48:18,998 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:18,999 sats.satellite.Scanner-1       INFO       <7800.00> Scanner-1: setting timed terminal event at 7920.0
2025-07-02 00:48:19,012 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: timed termination at 7920.0 for action_charge
2025-07-02 00:48:19,013 data.base                      INFO       <7920.00> Total reward: {}
2025-07-02 00:48:19,013 comm.communication             INFO       <7920.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,013 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,015 gym                            INFO       <7920.00> Step reward: 0.0
2025-07-02 00:48:19,016 gym                            INFO       <7920.00> === STARTING STEP ===
2025-07-02 00:48:19,016 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,017 sats.satellite.Scanner-1       INFO       <7920.00> Scanner-1: setting timed terminal event at 8040.0
2025-07-02 00:48:19,030 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: timed termination at 8040.0 for action_charge
2025-07-02 00:48:19,030 data.base                      INFO       <8040.00> Total reward: {}
2025-07-02 00:48:19,031 comm.communication             INFO       <8040.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,032 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,033 gym                            INFO       <8040.00> Step reward: 0.0
2025-07-02 00:48:19,034 gym                            INFO       <8040.00> === STARTING STEP ===
2025-07-02 00:48:19,034 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,035 sats.satellite.Scanner-1       INFO       <8040.00> Scanner-1: setting timed terminal event at 8100.0
2025-07-02 00:48:19,042 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: timed termination at 8100.0 for action_desat
2025-07-02 00:48:19,043 data.base                      INFO       <8100.00> Total reward: {}
2025-07-02 00:48:19,043 comm.communication             INFO       <8100.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,044 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,046 gym                            INFO       <8100.00> Step reward: 0.0
2025-07-02 00:48:19,046 gym                            INFO       <8100.00> === STARTING STEP ===
2025-07-02 00:48:19,047 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,047 sats.satellite.Scanner-1       INFO       <8100.00> Scanner-1: setting timed terminal event at 8160.0
2025-07-02 00:48:19,054 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: timed termination at 8160.0 for action_downlink
2025-07-02 00:48:19,055 data.base                      INFO       <8160.00> Total reward: {}
2025-07-02 00:48:19,055 comm.communication             INFO       <8160.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,056 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,058 gym                            INFO       <8160.00> Step reward: 0.0
2025-07-02 00:48:19,058 gym                            INFO       <8160.00> === STARTING STEP ===
2025-07-02 00:48:19,059 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,059 sats.satellite.Scanner-1       INFO       <8160.00> Scanner-1: setting timed terminal event at 8280.0
2025-07-02 00:48:19,072 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: timed termination at 8280.0 for action_charge
2025-07-02 00:48:19,073 data.base                      INFO       <8280.00> Total reward: {}
2025-07-02 00:48:19,073 comm.communication             INFO       <8280.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,074 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,076 gym                            INFO       <8280.00> Step reward: 0.0
2025-07-02 00:48:19,076 gym                            INFO       <8280.00> === STARTING STEP ===
2025-07-02 00:48:19,077 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,077 sats.satellite.Scanner-1       INFO       <8280.00> Scanner-1: setting timed terminal event at 8340.0
2025-07-02 00:48:19,085 sats.satellite.Scanner-1       INFO       <8340.00> Scanner-1: timed termination at 8340.0 for action_downlink
2025-07-02 00:48:19,086 data.base                      INFO       <8340.00> Total reward: {}
2025-07-02 00:48:19,086 comm.communication             INFO       <8340.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,087 sats.satellite.Scanner-1       INFO       <8340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,088 gym                            INFO       <8340.00> Step reward: 0.0
2025-07-02 00:48:19,089 gym                            INFO       <8340.00> === STARTING STEP ===
2025-07-02 00:48:19,089 sats.satellite.Scanner-1       INFO       <8340.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,090 sats.satellite.Scanner-1       INFO       <8340.00> Scanner-1: setting timed terminal event at 8460.0
2025-07-02 00:48:19,106 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: timed termination at 8460.0 for action_charge
2025-07-02 00:48:19,106 data.base                      INFO       <8460.00> Total reward: {}
2025-07-02 00:48:19,107 comm.communication             INFO       <8460.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,107 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,109 gym                            INFO       <8460.00> Step reward: 0.0
2025-07-02 00:48:19,110 gym                            INFO       <8460.00> === STARTING STEP ===
2025-07-02 00:48:19,111 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,111 sats.satellite.Scanner-1       INFO       <8460.00> Scanner-1: setting timed terminal event at 8520.0
2025-07-02 00:48:19,120 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: timed termination at 8520.0 for action_desat
2025-07-02 00:48:19,120 data.base                      INFO       <8520.00> Total reward: {}
2025-07-02 00:48:19,121 comm.communication             INFO       <8520.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,121 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,122 gym                            INFO       <8520.00> Step reward: 0.0
2025-07-02 00:48:19,123 gym                            INFO       <8520.00> === STARTING STEP ===
2025-07-02 00:48:19,123 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,124 sats.satellite.Scanner-1       INFO       <8520.00> Scanner-1: setting timed terminal event at 8580.0
2025-07-02 00:48:19,133 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: timed termination at 8580.0 for action_desat
2025-07-02 00:48:19,134 data.base                      INFO       <8580.00> Total reward: {}
2025-07-02 00:48:19,134 comm.communication             INFO       <8580.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,134 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,136 gym                            INFO       <8580.00> Step reward: 0.0
2025-07-02 00:48:19,137 gym                            INFO       <8580.00> === STARTING STEP ===
2025-07-02 00:48:19,137 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,138 sats.satellite.Scanner-1       INFO       <8580.00> Scanner-1: setting timed terminal event at 8700.0
2025-07-02 00:48:19,151 sats.satellite.Scanner-1       INFO       <8700.00> Scanner-1: timed termination at 8700.0 for action_charge
2025-07-02 00:48:19,151 data.base                      INFO       <8700.00> Total reward: {}
2025-07-02 00:48:19,152 comm.communication             INFO       <8700.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,152 sats.satellite.Scanner-1       INFO       <8700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,154 gym                            INFO       <8700.00> Step reward: 0.0
2025-07-02 00:48:19,155 gym                            INFO       <8700.00> === STARTING STEP ===
2025-07-02 00:48:19,155 sats.satellite.Scanner-1       INFO       <8700.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,156 sats.satellite.Scanner-1       INFO       <8700.00> Scanner-1: setting timed terminal event at 8820.0
2025-07-02 00:48:19,169 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: timed termination at 8820.0 for action_charge
2025-07-02 00:48:19,169 data.base                      INFO       <8820.00> Total reward: {}
2025-07-02 00:48:19,170 comm.communication             INFO       <8820.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,170 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,172 gym                            INFO       <8820.00> Step reward: 0.0
2025-07-02 00:48:19,173 gym                            INFO       <8820.00> === STARTING STEP ===
2025-07-02 00:48:19,173 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,174 sats.satellite.Scanner-1       INFO       <8820.00> Scanner-1: setting timed terminal event at 8880.0
2025-07-02 00:48:19,181 sats.satellite.Scanner-1       INFO       <8880.00> Scanner-1: timed termination at 8880.0 for action_downlink
2025-07-02 00:48:19,181 data.base                      INFO       <8880.00> Total reward: {}
2025-07-02 00:48:19,182 comm.communication             INFO       <8880.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,182 sats.satellite.Scanner-1       INFO       <8880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,184 gym                            INFO       <8880.00> Step reward: 0.0
2025-07-02 00:48:19,185 gym                            INFO       <8880.00> === STARTING STEP ===
2025-07-02 00:48:19,185 sats.satellite.Scanner-1       INFO       <8880.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,186 sats.satellite.Scanner-1       INFO       <8880.00> Scanner-1: setting timed terminal event at 9060.0
2025-07-02 00:48:19,205 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: timed termination at 9060.0 for action_nadir_scan
2025-07-02 00:48:19,206 data.base                      INFO       <9060.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:19,206 comm.communication             INFO       <9060.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,207 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,209 gym                            INFO       <9060.00> Step reward: 0.004912280701754385
2025-07-02 00:48:19,209 gym                            INFO       <9060.00> === STARTING STEP ===
2025-07-02 00:48:19,210 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,210 sats.satellite.Scanner-1       INFO       <9060.00> Scanner-1: setting timed terminal event at 9240.0
2025-07-02 00:48:19,229 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: timed termination at 9240.0 for action_nadir_scan
2025-07-02 00:48:19,230 data.base                      INFO       <9240.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-02 00:48:19,230 comm.communication             INFO       <9240.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,231 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,233 gym                            INFO       <9240.00> Step reward: 0.00631578947368421
2025-07-02 00:48:19,233 gym                            INFO       <9240.00> === STARTING STEP ===
2025-07-02 00:48:19,234 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,234 sats.satellite.Scanner-1       INFO       <9240.00> Scanner-1: setting timed terminal event at 9300.0
2025-07-02 00:48:19,242 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: timed termination at 9300.0 for action_desat
2025-07-02 00:48:19,242 data.base                      INFO       <9300.00> Total reward: {}
2025-07-02 00:48:19,243 comm.communication             INFO       <9300.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,243 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,245 gym                            INFO       <9300.00> Step reward: 0.0
2025-07-02 00:48:19,246 gym                            INFO       <9300.00> === STARTING STEP ===
2025-07-02 00:48:19,246 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,247 sats.satellite.Scanner-1       INFO       <9300.00> Scanner-1: setting timed terminal event at 9360.0
2025-07-02 00:48:19,254 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: timed termination at 9360.0 for action_downlink
2025-07-02 00:48:19,254 data.base                      INFO       <9360.00> Total reward: {}
2025-07-02 00:48:19,255 comm.communication             INFO       <9360.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,255 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,257 gym                            INFO       <9360.00> Step reward: 0.0
2025-07-02 00:48:19,258 gym                            INFO       <9360.00> === STARTING STEP ===
2025-07-02 00:48:19,258 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,259 sats.satellite.Scanner-1       INFO       <9360.00> Scanner-1: setting timed terminal event at 9540.0
2025-07-02 00:48:19,278 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: timed termination at 9540.0 for action_nadir_scan
2025-07-02 00:48:19,278 data.base                      INFO       <9540.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:19,279 comm.communication             INFO       <9540.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,279 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,281 gym                            INFO       <9540.00> Step reward: 0.004912280701754385
2025-07-02 00:48:19,282 gym                            INFO       <9540.00> === STARTING STEP ===
2025-07-02 00:48:19,282 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,283 sats.satellite.Scanner-1       INFO       <9540.00> Scanner-1: setting timed terminal event at 9600.0
2025-07-02 00:48:19,292 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: timed termination at 9600.0 for action_downlink
2025-07-02 00:48:19,292 data.base                      INFO       <9600.00> Total reward: {}
2025-07-02 00:48:19,293 comm.communication             INFO       <9600.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,293 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,295 gym                            INFO       <9600.00> Step reward: 0.0
2025-07-02 00:48:19,296 gym                            INFO       <9600.00> === STARTING STEP ===
2025-07-02 00:48:19,296 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,297 sats.satellite.Scanner-1       INFO       <9600.00> Scanner-1: setting timed terminal event at 9780.0
2025-07-02 00:48:19,319 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: timed termination at 9780.0 for action_nadir_scan
2025-07-02 00:48:19,320 data.base                      INFO       <9780.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-02 00:48:19,320 comm.communication             INFO       <9780.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,321 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,323 gym                            INFO       <9780.00> Step reward: 0.00487719298245614
2025-07-02 00:48:19,323 gym                            INFO       <9780.00> === STARTING STEP ===
2025-07-02 00:48:19,324 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,324 sats.satellite.Scanner-1       INFO       <9780.00> Scanner-1: setting timed terminal event at 9840.0
2025-07-02 00:48:19,332 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: timed termination at 9840.0 for action_downlink
2025-07-02 00:48:19,332 data.base                      INFO       <9840.00> Total reward: {}
2025-07-02 00:48:19,333 comm.communication             INFO       <9840.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,333 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,335 gym                            INFO       <9840.00> Step reward: 0.0
2025-07-02 00:48:19,336 gym                            INFO       <9840.00> === STARTING STEP ===
2025-07-02 00:48:19,336 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,337 sats.satellite.Scanner-1       INFO       <9840.00> Scanner-1: setting timed terminal event at 9900.0
2025-07-02 00:48:19,344 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: timed termination at 9900.0 for action_desat
2025-07-02 00:48:19,345 data.base                      INFO       <9900.00> Total reward: {}
2025-07-02 00:48:19,345 comm.communication             INFO       <9900.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,346 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,347 gym                            INFO       <9900.00> Step reward: 0.0
2025-07-02 00:48:19,348 gym                            INFO       <9900.00> === STARTING STEP ===
2025-07-02 00:48:19,349 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,349 sats.satellite.Scanner-1       INFO       <9900.00> Scanner-1: setting timed terminal event at 9960.0
2025-07-02 00:48:19,356 sats.satellite.Scanner-1       INFO       <9960.00> Scanner-1: timed termination at 9960.0 for action_downlink
2025-07-02 00:48:19,357 data.base                      INFO       <9960.00> Total reward: {}
2025-07-02 00:48:19,357 comm.communication             INFO       <9960.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,358 sats.satellite.Scanner-1       INFO       <9960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,360 gym                            INFO       <9960.00> Step reward: 0.0
2025-07-02 00:48:19,361 gym                            INFO       <9960.00> === STARTING STEP ===
2025-07-02 00:48:19,361 sats.satellite.Scanner-1       INFO       <9960.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,361 sats.satellite.Scanner-1       INFO       <9960.00> Scanner-1: setting timed terminal event at 10020.0
2025-07-02 00:48:19,369 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: timed termination at 10020.0 for action_desat
2025-07-02 00:48:19,369 data.base                      INFO       <10020.00> Total reward: {}
2025-07-02 00:48:19,370 comm.communication             INFO       <10020.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,370 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,372 gym                            INFO       <10020.00> Step reward: 0.0
2025-07-02 00:48:19,373 gym                            INFO       <10020.00> === STARTING STEP ===
2025-07-02 00:48:19,373 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,373 sats.satellite.Scanner-1       INFO       <10020.00> Scanner-1: setting timed terminal event at 10080.0
2025-07-02 00:48:19,382 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: timed termination at 10080.0 for action_desat
2025-07-02 00:48:19,383 data.base                      INFO       <10080.00> Total reward: {}
2025-07-02 00:48:19,383 comm.communication             INFO       <10080.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,384 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,386 gym                            INFO       <10080.00> Step reward: 0.0
2025-07-02 00:48:19,386 gym                            INFO       <10080.00> === STARTING STEP ===
2025-07-02 00:48:19,387 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,388 sats.satellite.Scanner-1       INFO       <10080.00> Scanner-1: setting timed terminal event at 10140.0
2025-07-02 00:48:19,396 sats.satellite.Scanner-1       INFO       <10140.00> Scanner-1: timed termination at 10140.0 for action_desat
2025-07-02 00:48:19,396 data.base                      INFO       <10140.00> Total reward: {}
2025-07-02 00:48:19,397 comm.communication             INFO       <10140.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,397 sats.satellite.Scanner-1       INFO       <10140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,399 gym                            INFO       <10140.00> Step reward: 0.0
2025-07-02 00:48:19,400 gym                            INFO       <10140.00> === STARTING STEP ===
2025-07-02 00:48:19,400 sats.satellite.Scanner-1       INFO       <10140.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,401 sats.satellite.Scanner-1       INFO       <10140.00> Scanner-1: setting timed terminal event at 10260.0
2025-07-02 00:48:19,414 sats.satellite.Scanner-1       INFO       <10260.00> Scanner-1: timed termination at 10260.0 for action_charge
2025-07-02 00:48:19,415 data.base                      INFO       <10260.00> Total reward: {}
2025-07-02 00:48:19,415 comm.communication             INFO       <10260.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,416 sats.satellite.Scanner-1       INFO       <10260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,418 gym                            INFO       <10260.00> Step reward: 0.0
2025-07-02 00:48:19,418 gym                            INFO       <10260.00> === STARTING STEP ===
2025-07-02 00:48:19,419 sats.satellite.Scanner-1       INFO       <10260.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,419 sats.satellite.Scanner-1       INFO       <10260.00> Scanner-1: setting timed terminal event at 10380.0
2025-07-02 00:48:19,434 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: timed termination at 10380.0 for action_charge
2025-07-02 00:48:19,435 data.base                      INFO       <10380.00> Total reward: {}
2025-07-02 00:48:19,435 comm.communication             INFO       <10380.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,436 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,437 gym                            INFO       <10380.00> Step reward: 0.0
2025-07-02 00:48:19,438 gym                            INFO       <10380.00> === STARTING STEP ===
2025-07-02 00:48:19,439 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,439 sats.satellite.Scanner-1       INFO       <10380.00> Scanner-1: setting timed terminal event at 10440.0
2025-07-02 00:48:19,448 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: timed termination at 10440.0 for action_downlink
2025-07-02 00:48:19,448 data.base                      INFO       <10440.00> Total reward: {}
2025-07-02 00:48:19,449 comm.communication             INFO       <10440.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,449 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,451 gym                            INFO       <10440.00> Step reward: 0.0
2025-07-02 00:48:19,452 gym                            INFO       <10440.00> === STARTING STEP ===
2025-07-02 00:48:19,453 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,453 sats.satellite.Scanner-1       INFO       <10440.00> Scanner-1: setting timed terminal event at 10560.0
2025-07-02 00:48:19,466 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: timed termination at 10560.0 for action_charge
2025-07-02 00:48:19,467 data.base                      INFO       <10560.00> Total reward: {}
2025-07-02 00:48:19,467 comm.communication             INFO       <10560.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,468 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,470 gym                            INFO       <10560.00> Step reward: 0.0
2025-07-02 00:48:19,471 gym                            INFO       <10560.00> === STARTING STEP ===
2025-07-02 00:48:19,471 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,472 sats.satellite.Scanner-1       INFO       <10560.00> Scanner-1: setting timed terminal event at 10620.0
2025-07-02 00:48:19,479 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: timed termination at 10620.0 for action_desat
2025-07-02 00:48:19,480 data.base                      INFO       <10620.00> Total reward: {}
2025-07-02 00:48:19,480 comm.communication             INFO       <10620.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,481 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,483 gym                            INFO       <10620.00> Step reward: 0.0
2025-07-02 00:48:19,483 gym                            INFO       <10620.00> === STARTING STEP ===
2025-07-02 00:48:19,484 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,485 sats.satellite.Scanner-1       INFO       <10620.00> Scanner-1: setting timed terminal event at 10800.0
2025-07-02 00:48:19,504 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: timed termination at 10800.0 for action_nadir_scan
2025-07-02 00:48:19,504 data.base                      INFO       <10800.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-02 00:48:19,505 comm.communication             INFO       <10800.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,505 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,507 gym                            INFO       <10800.00> Step reward: 0.00487719298245614
2025-07-02 00:48:19,507 gym                            INFO       <10800.00> === STARTING STEP ===
2025-07-02 00:48:19,508 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,508 sats.satellite.Scanner-1       INFO       <10800.00> Scanner-1: setting timed terminal event at 10860.0
2025-07-02 00:48:19,516 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: timed termination at 10860.0 for action_desat
2025-07-02 00:48:19,517 data.base                      INFO       <10860.00> Total reward: {}
2025-07-02 00:48:19,517 comm.communication             INFO       <10860.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,518 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,520 gym                            INFO       <10860.00> Step reward: 0.0
2025-07-02 00:48:19,520 gym                            INFO       <10860.00> === STARTING STEP ===
2025-07-02 00:48:19,521 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,522 sats.satellite.Scanner-1       INFO       <10860.00> Scanner-1: setting timed terminal event at 11040.0
2025-07-02 00:48:19,543 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: timed termination at 11040.0 for action_nadir_scan
2025-07-02 00:48:19,544 data.base                      INFO       <11040.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-02 00:48:19,544 comm.communication             INFO       <11040.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,545 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,547 gym                            INFO       <11040.00> Step reward: 0.00487719298245614
2025-07-02 00:48:19,547 gym                            INFO       <11040.00> === STARTING STEP ===
2025-07-02 00:48:19,548 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,548 sats.satellite.Scanner-1       INFO       <11040.00> Scanner-1: setting timed terminal event at 11100.0
2025-07-02 00:48:19,557 sats.satellite.Scanner-1       INFO       <11100.00> Scanner-1: timed termination at 11100.0 for action_downlink
2025-07-02 00:48:19,557 data.base                      INFO       <11100.00> Total reward: {}
2025-07-02 00:48:19,558 comm.communication             INFO       <11100.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,558 sats.satellite.Scanner-1       INFO       <11100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,560 gym                            INFO       <11100.00> Step reward: 0.0
2025-07-02 00:48:19,561 gym                            INFO       <11100.00> === STARTING STEP ===
2025-07-02 00:48:19,561 sats.satellite.Scanner-1       INFO       <11100.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,561 sats.satellite.Scanner-1       INFO       <11100.00> Scanner-1: setting timed terminal event at 11160.0
2025-07-02 00:48:19,569 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: timed termination at 11160.0 for action_downlink
2025-07-02 00:48:19,569 data.base                      INFO       <11160.00> Total reward: {}
2025-07-02 00:48:19,570 comm.communication             INFO       <11160.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,570 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,572 gym                            INFO       <11160.00> Step reward: 0.0
2025-07-02 00:48:19,573 gym                            INFO       <11160.00> === STARTING STEP ===
2025-07-02 00:48:19,573 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,574 sats.satellite.Scanner-1       INFO       <11160.00> Scanner-1: setting timed terminal event at 11220.0
2025-07-02 00:48:19,581 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: timed termination at 11220.0 for action_desat
2025-07-02 00:48:19,582 data.base                      INFO       <11220.00> Total reward: {}
2025-07-02 00:48:19,582 comm.communication             INFO       <11220.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,583 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,584 gym                            INFO       <11220.00> Step reward: 0.0
2025-07-02 00:48:19,585 gym                            INFO       <11220.00> === STARTING STEP ===
2025-07-02 00:48:19,586 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,586 sats.satellite.Scanner-1       INFO       <11220.00> Scanner-1: setting timed terminal event at 11280.0
2025-07-02 00:48:19,594 sats.satellite.Scanner-1       INFO       <11280.00> Scanner-1: timed termination at 11280.0 for action_desat
2025-07-02 00:48:19,594 data.base                      INFO       <11280.00> Total reward: {}
2025-07-02 00:48:19,594 comm.communication             INFO       <11280.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,595 sats.satellite.Scanner-1       INFO       <11280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,596 gym                            INFO       <11280.00> Step reward: 0.0
2025-07-02 00:48:19,597 gym                            INFO       <11280.00> === STARTING STEP ===
2025-07-02 00:48:19,598 sats.satellite.Scanner-1       INFO       <11280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,598 sats.satellite.Scanner-1       INFO       <11280.00> Scanner-1: setting timed terminal event at 11340.0
2025-07-02 00:48:19,606 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: timed termination at 11340.0 for action_downlink
2025-07-02 00:48:19,606 data.base                      INFO       <11340.00> Total reward: {}
2025-07-02 00:48:19,607 comm.communication             INFO       <11340.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,607 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,609 gym                            INFO       <11340.00> Step reward: 0.0
2025-07-02 00:48:19,610 gym                            INFO       <11340.00> === STARTING STEP ===
2025-07-02 00:48:19,610 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,611 sats.satellite.Scanner-1       INFO       <11340.00> Scanner-1: setting timed terminal event at 11460.0
2025-07-02 00:48:19,624 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: timed termination at 11460.0 for action_charge
2025-07-02 00:48:19,624 data.base                      INFO       <11460.00> Total reward: {}
2025-07-02 00:48:19,625 comm.communication             INFO       <11460.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,625 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,627 gym                            INFO       <11460.00> Step reward: 0.0
2025-07-02 00:48:19,628 gym                            INFO       <11460.00> === STARTING STEP ===
2025-07-02 00:48:19,628 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,629 sats.satellite.Scanner-1       INFO       <11460.00> Scanner-1: setting timed terminal event at 11580.0
2025-07-02 00:48:19,641 sats.satellite.Scanner-1       INFO       <11580.00> Scanner-1: timed termination at 11580.0 for action_charge
2025-07-02 00:48:19,642 data.base                      INFO       <11580.00> Total reward: {}
2025-07-02 00:48:19,642 comm.communication             INFO       <11580.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,643 sats.satellite.Scanner-1       INFO       <11580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,645 gym                            INFO       <11580.00> Step reward: 0.0
2025-07-02 00:48:19,645 gym                            INFO       <11580.00> === STARTING STEP ===
2025-07-02 00:48:19,646 sats.satellite.Scanner-1       INFO       <11580.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,646 sats.satellite.Scanner-1       INFO       <11580.00> Scanner-1: setting timed terminal event at 11640.0
2025-07-02 00:48:19,654 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: timed termination at 11640.0 for action_downlink
2025-07-02 00:48:19,655 data.base                      INFO       <11640.00> Total reward: {}
2025-07-02 00:48:19,655 comm.communication             INFO       <11640.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,656 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,657 gym                            INFO       <11640.00> Step reward: 0.0
2025-07-02 00:48:19,658 gym                            INFO       <11640.00> === STARTING STEP ===
2025-07-02 00:48:19,659 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,660 sats.satellite.Scanner-1       INFO       <11640.00> Scanner-1: setting timed terminal event at 11760.0
2025-07-02 00:48:19,675 sats.satellite.Scanner-1       INFO       <11760.00> Scanner-1: timed termination at 11760.0 for action_charge
2025-07-02 00:48:19,675 data.base                      INFO       <11760.00> Total reward: {}
2025-07-02 00:48:19,676 comm.communication             INFO       <11760.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,676 sats.satellite.Scanner-1       INFO       <11760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,678 gym                            INFO       <11760.00> Step reward: 0.0
2025-07-02 00:48:19,679 gym                            INFO       <11760.00> === STARTING STEP ===
2025-07-02 00:48:19,680 sats.satellite.Scanner-1       INFO       <11760.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,680 sats.satellite.Scanner-1       INFO       <11760.00> Scanner-1: setting timed terminal event at 11880.0
2025-07-02 00:48:19,693 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: timed termination at 11880.0 for action_charge
2025-07-02 00:48:19,693 data.base                      INFO       <11880.00> Total reward: {}
2025-07-02 00:48:19,694 comm.communication             INFO       <11880.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,694 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,696 gym                            INFO       <11880.00> Step reward: 0.0
2025-07-02 00:48:19,697 gym                            INFO       <11880.00> === STARTING STEP ===
2025-07-02 00:48:19,698 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,698 sats.satellite.Scanner-1       INFO       <11880.00> Scanner-1: setting timed terminal event at 11940.0
2025-07-02 00:48:19,705 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: timed termination at 11940.0 for action_downlink
2025-07-02 00:48:19,706 data.base                      INFO       <11940.00> Total reward: {}
2025-07-02 00:48:19,706 comm.communication             INFO       <11940.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,707 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,709 gym                            INFO       <11940.00> Step reward: 0.0
2025-07-02 00:48:19,709 gym                            INFO       <11940.00> === STARTING STEP ===
2025-07-02 00:48:19,710 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,710 sats.satellite.Scanner-1       INFO       <11940.00> Scanner-1: setting timed terminal event at 12000.0
2025-07-02 00:48:19,718 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: timed termination at 12000.0 for action_desat
2025-07-02 00:48:19,718 data.base                      INFO       <12000.00> Total reward: {}
2025-07-02 00:48:19,719 comm.communication             INFO       <12000.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,719 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,721 gym                            INFO       <12000.00> Step reward: 0.0
2025-07-02 00:48:19,722 gym                            INFO       <12000.00> === STARTING STEP ===
2025-07-02 00:48:19,722 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,722 sats.satellite.Scanner-1       INFO       <12000.00> Scanner-1: setting timed terminal event at 12060.0
2025-07-02 00:48:19,731 sats.satellite.Scanner-1       INFO       <12060.00> Scanner-1: timed termination at 12060.0 for action_desat
2025-07-02 00:48:19,731 data.base                      INFO       <12060.00> Total reward: {}
2025-07-02 00:48:19,732 comm.communication             INFO       <12060.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,732 sats.satellite.Scanner-1       INFO       <12060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,734 gym                            INFO       <12060.00> Step reward: 0.0
2025-07-02 00:48:19,735 gym                            INFO       <12060.00> === STARTING STEP ===
2025-07-02 00:48:19,736 sats.satellite.Scanner-1       INFO       <12060.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,736 sats.satellite.Scanner-1       INFO       <12060.00> Scanner-1: setting timed terminal event at 12120.0
2025-07-02 00:48:19,743 sats.satellite.Scanner-1       INFO       <12120.00> Scanner-1: timed termination at 12120.0 for action_downlink
2025-07-02 00:48:19,744 data.base                      INFO       <12120.00> Total reward: {}
2025-07-02 00:48:19,744 comm.communication             INFO       <12120.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,744 sats.satellite.Scanner-1       INFO       <12120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,746 gym                            INFO       <12120.00> Step reward: 0.0
2025-07-02 00:48:19,747 gym                            INFO       <12120.00> === STARTING STEP ===
2025-07-02 00:48:19,748 sats.satellite.Scanner-1       INFO       <12120.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,748 sats.satellite.Scanner-1       INFO       <12120.00> Scanner-1: setting timed terminal event at 12240.0
2025-07-02 00:48:19,761 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: timed termination at 12240.0 for action_charge
2025-07-02 00:48:19,762 data.base                      INFO       <12240.00> Total reward: {}
2025-07-02 00:48:19,762 comm.communication             INFO       <12240.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,763 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,764 gym                            INFO       <12240.00> Step reward: 0.0
2025-07-02 00:48:19,765 gym                            INFO       <12240.00> === STARTING STEP ===
2025-07-02 00:48:19,765 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,766 sats.satellite.Scanner-1       INFO       <12240.00> Scanner-1: setting timed terminal event at 12420.0
2025-07-02 00:48:19,786 sats.satellite.Scanner-1       INFO       <12420.00> Scanner-1: timed termination at 12420.0 for action_nadir_scan
2025-07-02 00:48:19,786 data.base                      INFO       <12420.00> Total reward: {'Scanner-1': 0.004736842105263157}
2025-07-02 00:48:19,787 comm.communication             INFO       <12420.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,788 sats.satellite.Scanner-1       INFO       <12420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,789 gym                            INFO       <12420.00> Step reward: 0.004736842105263157
2025-07-02 00:48:19,790 gym                            INFO       <12420.00> === STARTING STEP ===
2025-07-02 00:48:19,790 sats.satellite.Scanner-1       INFO       <12420.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,791 sats.satellite.Scanner-1       INFO       <12420.00> Scanner-1: setting timed terminal event at 12600.0
2025-07-02 00:48:19,813 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: timed termination at 12600.0 for action_nadir_scan
2025-07-02 00:48:19,814 data.base                      INFO       <12600.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-02 00:48:19,814 comm.communication             INFO       <12600.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,815 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,816 gym                            INFO       <12600.00> Step reward: 0.00631578947368421
2025-07-02 00:48:19,817 gym                            INFO       <12600.00> === STARTING STEP ===
2025-07-02 00:48:19,818 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,819 sats.satellite.Scanner-1       INFO       <12600.00> Scanner-1: setting timed terminal event at 12780.0
2025-07-02 00:48:19,838 sats.satellite.Scanner-1       INFO       <12780.00> Scanner-1: timed termination at 12780.0 for action_nadir_scan
2025-07-02 00:48:19,838 data.base                      INFO       <12780.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-02 00:48:19,839 comm.communication             INFO       <12780.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,839 sats.satellite.Scanner-1       INFO       <12780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,841 gym                            INFO       <12780.00> Step reward: 0.00631578947368421
2025-07-02 00:48:19,842 gym                            INFO       <12780.00> === STARTING STEP ===
2025-07-02 00:48:19,842 sats.satellite.Scanner-1       INFO       <12780.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,842 sats.satellite.Scanner-1       INFO       <12780.00> Scanner-1: setting timed terminal event at 12840.0
2025-07-02 00:48:19,850 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: timed termination at 12840.0 for action_downlink
2025-07-02 00:48:19,850 data.base                      INFO       <12840.00> Total reward: {}
2025-07-02 00:48:19,851 comm.communication             INFO       <12840.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,852 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,853 gym                            INFO       <12840.00> Step reward: 0.0
2025-07-02 00:48:19,854 gym                            INFO       <12840.00> === STARTING STEP ===
2025-07-02 00:48:19,855 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,855 sats.satellite.Scanner-1       INFO       <12840.00> Scanner-1: setting timed terminal event at 13020.0
2025-07-02 00:48:19,874 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: timed termination at 13020.0 for action_nadir_scan
2025-07-02 00:48:19,875 data.base                      INFO       <13020.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-02 00:48:19,875 comm.communication             INFO       <13020.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,876 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,878 gym                            INFO       <13020.00> Step reward: 0.00487719298245614
2025-07-02 00:48:19,878 gym                            INFO       <13020.00> === STARTING STEP ===
2025-07-02 00:48:19,879 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:19,879 sats.satellite.Scanner-1       INFO       <13020.00> Scanner-1: setting timed terminal event at 13080.0
2025-07-02 00:48:19,887 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: timed termination at 13080.0 for action_downlink
2025-07-02 00:48:19,887 data.base                      INFO       <13080.00> Total reward: {}
2025-07-02 00:48:19,887 comm.communication             INFO       <13080.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,888 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,890 gym                            INFO       <13080.00> Step reward: 0.0
2025-07-02 00:48:19,890 gym                            INFO       <13080.00> === STARTING STEP ===
2025-07-02 00:48:19,891 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:19,892 sats.satellite.Scanner-1       INFO       <13080.00> Scanner-1: setting timed terminal event at 13140.0
2025-07-02 00:48:19,899 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: timed termination at 13140.0 for action_desat
2025-07-02 00:48:19,899 data.base                      INFO       <13140.00> Total reward: {}
2025-07-02 00:48:19,900 comm.communication             INFO       <13140.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,900 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,902 gym                            INFO       <13140.00> Step reward: 0.0
2025-07-02 00:48:19,903 gym                            INFO       <13140.00> === STARTING STEP ===
2025-07-02 00:48:19,904 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,904 sats.satellite.Scanner-1       INFO       <13140.00> Scanner-1: setting timed terminal event at 13320.0
2025-07-02 00:48:19,923 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: timed termination at 13320.0 for action_nadir_scan
2025-07-02 00:48:19,923 data.base                      INFO       <13320.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:19,924 comm.communication             INFO       <13320.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,924 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,926 gym                            INFO       <13320.00> Step reward: 0.004912280701754385
2025-07-02 00:48:19,926 gym                            INFO       <13320.00> === STARTING STEP ===
2025-07-02 00:48:19,927 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,927 sats.satellite.Scanner-1       INFO       <13320.00> Scanner-1: setting timed terminal event at 13440.0
2025-07-02 00:48:19,941 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: timed termination at 13440.0 for action_charge
2025-07-02 00:48:19,942 data.base                      INFO       <13440.00> Total reward: {}
2025-07-02 00:48:19,942 comm.communication             INFO       <13440.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,943 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,945 gym                            INFO       <13440.00> Step reward: 0.0
2025-07-02 00:48:19,945 gym                            INFO       <13440.00> === STARTING STEP ===
2025-07-02 00:48:19,946 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,946 sats.satellite.Scanner-1       INFO       <13440.00> Scanner-1: setting timed terminal event at 13620.0
2025-07-02 00:48:19,966 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: timed termination at 13620.0 for action_nadir_scan
2025-07-02 00:48:19,966 data.base                      INFO       <13620.00> Total reward: {'Scanner-1': 0.004666666666666666}
2025-07-02 00:48:19,967 comm.communication             INFO       <13620.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,967 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,969 gym                            INFO       <13620.00> Step reward: 0.004666666666666666
2025-07-02 00:48:19,969 gym                            INFO       <13620.00> === STARTING STEP ===
2025-07-02 00:48:19,970 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:19,970 sats.satellite.Scanner-1       INFO       <13620.00> Scanner-1: setting timed terminal event at 13800.0
2025-07-02 00:48:19,989 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: timed termination at 13800.0 for action_nadir_scan
2025-07-02 00:48:19,990 data.base                      INFO       <13800.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-02 00:48:19,991 comm.communication             INFO       <13800.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:19,991 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:19,993 gym                            INFO       <13800.00> Step reward: 0.00631578947368421
2025-07-02 00:48:19,993 gym                            INFO       <13800.00> === STARTING STEP ===
2025-07-02 00:48:19,994 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:19,995 sats.satellite.Scanner-1       INFO       <13800.00> Scanner-1: setting timed terminal event at 13920.0
2025-07-02 00:48:20,008 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: timed termination at 13920.0 for action_charge
2025-07-02 00:48:20,008 data.base                      INFO       <13920.00> Total reward: {}
2025-07-02 00:48:20,009 comm.communication             INFO       <13920.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,009 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,011 gym                            INFO       <13920.00> Step reward: 0.0
2025-07-02 00:48:20,012 gym                            INFO       <13920.00> === STARTING STEP ===
2025-07-02 00:48:20,012 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,013 sats.satellite.Scanner-1       INFO       <13920.00> Scanner-1: setting timed terminal event at 13980.0
2025-07-02 00:48:20,021 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: timed termination at 13980.0 for action_desat
2025-07-02 00:48:20,021 data.base                      INFO       <13980.00> Total reward: {}
2025-07-02 00:48:20,022 comm.communication             INFO       <13980.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,022 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,024 gym                            INFO       <13980.00> Step reward: 0.0
2025-07-02 00:48:20,024 gym                            INFO       <13980.00> === STARTING STEP ===
2025-07-02 00:48:20,025 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,025 sats.satellite.Scanner-1       INFO       <13980.00> Scanner-1: setting timed terminal event at 14160.0
2025-07-02 00:48:20,044 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: timed termination at 14160.0 for action_nadir_scan
2025-07-02 00:48:20,045 data.base                      INFO       <14160.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-07-02 00:48:20,045 comm.communication             INFO       <14160.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,046 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,048 gym                            INFO       <14160.00> Step reward: 0.0049824561403508764
2025-07-02 00:48:20,048 gym                            INFO       <14160.00> === STARTING STEP ===
2025-07-02 00:48:20,049 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,049 sats.satellite.Scanner-1       INFO       <14160.00> Scanner-1: setting timed terminal event at 14220.0
2025-07-02 00:48:20,057 sats.satellite.Scanner-1       INFO       <14220.00> Scanner-1: timed termination at 14220.0 for action_downlink
2025-07-02 00:48:20,057 data.base                      INFO       <14220.00> Total reward: {}
2025-07-02 00:48:20,058 comm.communication             INFO       <14220.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,058 sats.satellite.Scanner-1       INFO       <14220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,060 gym                            INFO       <14220.00> Step reward: 0.0
2025-07-02 00:48:20,061 gym                            INFO       <14220.00> === STARTING STEP ===
2025-07-02 00:48:20,061 sats.satellite.Scanner-1       INFO       <14220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,062 sats.satellite.Scanner-1       INFO       <14220.00> Scanner-1: setting timed terminal event at 14280.0
2025-07-02 00:48:20,069 sats.satellite.Scanner-1       INFO       <14280.00> Scanner-1: timed termination at 14280.0 for action_desat
2025-07-02 00:48:20,070 data.base                      INFO       <14280.00> Total reward: {}
2025-07-02 00:48:20,070 comm.communication             INFO       <14280.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,071 sats.satellite.Scanner-1       INFO       <14280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,073 gym                            INFO       <14280.00> Step reward: 0.0
2025-07-02 00:48:20,073 gym                            INFO       <14280.00> === STARTING STEP ===
2025-07-02 00:48:20,074 sats.satellite.Scanner-1       INFO       <14280.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:20,074 sats.satellite.Scanner-1       INFO       <14280.00> Scanner-1: setting timed terminal event at 14400.0
2025-07-02 00:48:20,087 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: timed termination at 14400.0 for action_charge
2025-07-02 00:48:20,088 data.base                      INFO       <14400.00> Total reward: {}
2025-07-02 00:48:20,088 comm.communication             INFO       <14400.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,089 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,090 gym                            INFO       <14400.00> Step reward: 0.0
2025-07-02 00:48:20,091 gym                            INFO       <14400.00> === STARTING STEP ===
2025-07-02 00:48:20,091 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,092 sats.satellite.Scanner-1       INFO       <14400.00> Scanner-1: setting timed terminal event at 14580.0
2025-07-02 00:48:20,112 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: timed termination at 14580.0 for action_nadir_scan
2025-07-02 00:48:20,113 data.base                      INFO       <14580.00> Total reward: {'Scanner-1': 0.004842105263157894}
2025-07-02 00:48:20,113 comm.communication             INFO       <14580.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,114 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,116 gym                            INFO       <14580.00> Step reward: 0.004842105263157894
2025-07-02 00:48:20,117 gym                            INFO       <14580.00> === STARTING STEP ===
2025-07-02 00:48:20,117 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,118 sats.satellite.Scanner-1       INFO       <14580.00> Scanner-1: setting timed terminal event at 14640.0
2025-07-02 00:48:20,125 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: timed termination at 14640.0 for action_downlink
2025-07-02 00:48:20,126 data.base                      INFO       <14640.00> Total reward: {}
2025-07-02 00:48:20,126 comm.communication             INFO       <14640.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,127 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,129 gym                            INFO       <14640.00> Step reward: 0.0
2025-07-02 00:48:20,129 gym                            INFO       <14640.00> === STARTING STEP ===
2025-07-02 00:48:20,130 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,130 sats.satellite.Scanner-1       INFO       <14640.00> Scanner-1: setting timed terminal event at 14700.0
2025-07-02 00:48:20,139 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: timed termination at 14700.0 for action_desat
2025-07-02 00:48:20,139 data.base                      INFO       <14700.00> Total reward: {}
2025-07-02 00:48:20,140 comm.communication             INFO       <14700.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,141 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,143 gym                            INFO       <14700.00> Step reward: 0.0
2025-07-02 00:48:20,143 gym                            INFO       <14700.00> === STARTING STEP ===
2025-07-02 00:48:20,144 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:20,144 sats.satellite.Scanner-1       INFO       <14700.00> Scanner-1: setting timed terminal event at 14820.0
2025-07-02 00:48:20,159 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: timed termination at 14820.0 for action_charge
2025-07-02 00:48:20,160 data.base                      INFO       <14820.00> Total reward: {}
2025-07-02 00:48:20,160 comm.communication             INFO       <14820.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,161 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,163 gym                            INFO       <14820.00> Step reward: 0.0
2025-07-02 00:48:20,164 gym                            INFO       <14820.00> === STARTING STEP ===
2025-07-02 00:48:20,164 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,165 sats.satellite.Scanner-1       INFO       <14820.00> Scanner-1: setting timed terminal event at 15000.0
2025-07-02 00:48:20,187 sats.satellite.Scanner-1       INFO       <15000.00> Scanner-1: timed termination at 15000.0 for action_nadir_scan
2025-07-02 00:48:20,187 data.base                      INFO       <15000.00> Total reward: {'Scanner-1': 0.0049824561403508764}
2025-07-02 00:48:20,188 comm.communication             INFO       <15000.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,188 sats.satellite.Scanner-1       INFO       <15000.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,190 gym                            INFO       <15000.00> Step reward: 0.0049824561403508764
2025-07-02 00:48:20,191 gym                            INFO       <15000.00> === STARTING STEP ===
2025-07-02 00:48:20,191 sats.satellite.Scanner-1       INFO       <15000.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,192 sats.satellite.Scanner-1       INFO       <15000.00> Scanner-1: setting timed terminal event at 15180.0
2025-07-02 00:48:20,214 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: timed termination at 15180.0 for action_nadir_scan
2025-07-02 00:48:20,215 data.base                      INFO       <15180.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-02 00:48:20,215 comm.communication             INFO       <15180.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,216 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,218 gym                            INFO       <15180.00> Step reward: 0.00631578947368421
2025-07-02 00:48:20,218 gym                            INFO       <15180.00> === STARTING STEP ===
2025-07-02 00:48:20,219 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,219 sats.satellite.Scanner-1       INFO       <15180.00> Scanner-1: setting timed terminal event at 15240.0
2025-07-02 00:48:20,228 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: timed termination at 15240.0 for action_desat
2025-07-02 00:48:20,228 data.base                      INFO       <15240.00> Total reward: {}
2025-07-02 00:48:20,229 comm.communication             INFO       <15240.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,229 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,231 gym                            INFO       <15240.00> Step reward: 0.0
2025-07-02 00:48:20,232 gym                            INFO       <15240.00> === STARTING STEP ===
2025-07-02 00:48:20,232 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,233 sats.satellite.Scanner-1       INFO       <15240.00> Scanner-1: setting timed terminal event at 15300.0
2025-07-02 00:48:20,240 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: timed termination at 15300.0 for action_downlink
2025-07-02 00:48:20,241 data.base                      INFO       <15300.00> Total reward: {}
2025-07-02 00:48:20,241 comm.communication             INFO       <15300.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,242 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,244 gym                            INFO       <15300.00> Step reward: 0.0
2025-07-02 00:48:20,244 gym                            INFO       <15300.00> === STARTING STEP ===
2025-07-02 00:48:20,245 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,245 sats.satellite.Scanner-1       INFO       <15300.00> Scanner-1: setting timed terminal event at 15360.0
2025-07-02 00:48:20,254 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: timed termination at 15360.0 for action_desat
2025-07-02 00:48:20,254 data.base                      INFO       <15360.00> Total reward: {}
2025-07-02 00:48:20,255 comm.communication             INFO       <15360.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,255 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,257 gym                            INFO       <15360.00> Step reward: 0.0
2025-07-02 00:48:20,258 gym                            INFO       <15360.00> === STARTING STEP ===
2025-07-02 00:48:20,258 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,259 sats.satellite.Scanner-1       INFO       <15360.00> Scanner-1: setting timed terminal event at 15540.0
2025-07-02 00:48:20,281 sats.satellite.Scanner-1       INFO       <15540.00> Scanner-1: timed termination at 15540.0 for action_nadir_scan
2025-07-02 00:48:20,281 data.base                      INFO       <15540.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:20,282 comm.communication             INFO       <15540.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,282 sats.satellite.Scanner-1       INFO       <15540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,284 gym                            INFO       <15540.00> Step reward: 0.004912280701754385
2025-07-02 00:48:20,285 gym                            INFO       <15540.00> === STARTING STEP ===
2025-07-02 00:48:20,285 sats.satellite.Scanner-1       INFO       <15540.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:20,285 sats.satellite.Scanner-1       INFO       <15540.00> Scanner-1: setting timed terminal event at 15660.0
2025-07-02 00:48:20,301 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: timed termination at 15660.0 for action_charge
2025-07-02 00:48:20,301 data.base                      INFO       <15660.00> Total reward: {}
2025-07-02 00:48:20,302 comm.communication             INFO       <15660.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,303 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,304 gym                            INFO       <15660.00> Step reward: 0.0
2025-07-02 00:48:20,305 gym                            INFO       <15660.00> === STARTING STEP ===
2025-07-02 00:48:20,305 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,306 sats.satellite.Scanner-1       INFO       <15660.00> Scanner-1: setting timed terminal event at 15720.0
2025-07-02 00:48:20,315 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: timed termination at 15720.0 for action_downlink
2025-07-02 00:48:20,315 data.base                      INFO       <15720.00> Total reward: {}
2025-07-02 00:48:20,316 comm.communication             INFO       <15720.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,316 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,318 gym                            INFO       <15720.00> Step reward: 0.0
2025-07-02 00:48:20,319 gym                            INFO       <15720.00> === STARTING STEP ===
2025-07-02 00:48:20,319 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,320 sats.satellite.Scanner-1       INFO       <15720.00> Scanner-1: setting timed terminal event at 15780.0
2025-07-02 00:48:20,328 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: timed termination at 15780.0 for action_desat
2025-07-02 00:48:20,329 data.base                      INFO       <15780.00> Total reward: {}
2025-07-02 00:48:20,329 comm.communication             INFO       <15780.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,330 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,331 gym                            INFO       <15780.00> Step reward: 0.0
2025-07-02 00:48:20,332 gym                            INFO       <15780.00> === STARTING STEP ===
2025-07-02 00:48:20,332 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,333 sats.satellite.Scanner-1       INFO       <15780.00> Scanner-1: setting timed terminal event at 15960.0
2025-07-02 00:48:20,355 sats.satellite.Scanner-1       INFO       <15960.00> Scanner-1: timed termination at 15960.0 for action_nadir_scan
2025-07-02 00:48:20,355 data.base                      INFO       <15960.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:20,356 comm.communication             INFO       <15960.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,356 sats.satellite.Scanner-1       INFO       <15960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,358 gym                            INFO       <15960.00> Step reward: 0.004912280701754385
2025-07-02 00:48:20,359 gym                            INFO       <15960.00> === STARTING STEP ===
2025-07-02 00:48:20,359 sats.satellite.Scanner-1       INFO       <15960.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,359 sats.satellite.Scanner-1       INFO       <15960.00> Scanner-1: setting timed terminal event at 16020.0
2025-07-02 00:48:20,368 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: timed termination at 16020.0 for action_desat
2025-07-02 00:48:20,368 data.base                      INFO       <16020.00> Total reward: {}
2025-07-02 00:48:20,369 comm.communication             INFO       <16020.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,369 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,371 gym                            INFO       <16020.00> Step reward: 0.0
2025-07-02 00:48:20,372 gym                            INFO       <16020.00> === STARTING STEP ===
2025-07-02 00:48:20,372 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:20,373 sats.satellite.Scanner-1       INFO       <16020.00> Scanner-1: setting timed terminal event at 16140.0
2025-07-02 00:48:20,385 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: timed termination at 16140.0 for action_charge
2025-07-02 00:48:20,386 data.base                      INFO       <16140.00> Total reward: {}
2025-07-02 00:48:20,386 comm.communication             INFO       <16140.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,387 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,389 gym                            INFO       <16140.00> Step reward: 0.0
2025-07-02 00:48:20,389 gym                            INFO       <16140.00> === STARTING STEP ===
2025-07-02 00:48:20,390 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,390 sats.satellite.Scanner-1       INFO       <16140.00> Scanner-1: setting timed terminal event at 16200.0
2025-07-02 00:48:20,399 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: timed termination at 16200.0 for action_desat
2025-07-02 00:48:20,400 data.base                      INFO       <16200.00> Total reward: {}
2025-07-02 00:48:20,400 comm.communication             INFO       <16200.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,401 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,403 gym                            INFO       <16200.00> Step reward: 0.0
2025-07-02 00:48:20,403 gym                            INFO       <16200.00> === STARTING STEP ===
2025-07-02 00:48:20,404 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,404 sats.satellite.Scanner-1       INFO       <16200.00> Scanner-1: setting timed terminal event at 16380.0
2025-07-02 00:48:20,423 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: timed termination at 16380.0 for action_nadir_scan
2025-07-02 00:48:20,423 data.base                      INFO       <16380.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-02 00:48:20,424 comm.communication             INFO       <16380.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,425 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,426 gym                            INFO       <16380.00> Step reward: 0.00487719298245614
2025-07-02 00:48:20,427 gym                            INFO       <16380.00> === STARTING STEP ===
2025-07-02 00:48:20,427 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,428 sats.satellite.Scanner-1       INFO       <16380.00> Scanner-1: setting timed terminal event at 16440.0
2025-07-02 00:48:20,436 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: timed termination at 16440.0 for action_desat
2025-07-02 00:48:20,436 data.base                      INFO       <16440.00> Total reward: {}
2025-07-02 00:48:20,437 comm.communication             INFO       <16440.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,437 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,439 gym                            INFO       <16440.00> Step reward: 0.0
2025-07-02 00:48:20,440 gym                            INFO       <16440.00> === STARTING STEP ===
2025-07-02 00:48:20,440 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,441 sats.satellite.Scanner-1       INFO       <16440.00> Scanner-1: setting timed terminal event at 16620.0
2025-07-02 00:48:20,460 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: timed termination at 16620.0 for action_nadir_scan
2025-07-02 00:48:20,460 data.base                      INFO       <16620.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-02 00:48:20,461 comm.communication             INFO       <16620.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,461 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,463 gym                            INFO       <16620.00> Step reward: 0.00487719298245614
2025-07-02 00:48:20,464 gym                            INFO       <16620.00> === STARTING STEP ===
2025-07-02 00:48:20,464 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,465 sats.satellite.Scanner-1       INFO       <16620.00> Scanner-1: setting timed terminal event at 16680.0
2025-07-02 00:48:20,472 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: timed termination at 16680.0 for action_downlink
2025-07-02 00:48:20,473 data.base                      INFO       <16680.00> Total reward: {}
2025-07-02 00:48:20,473 comm.communication             INFO       <16680.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,474 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,476 gym                            INFO       <16680.00> Step reward: 0.0
2025-07-02 00:48:20,477 gym                            INFO       <16680.00> === STARTING STEP ===
2025-07-02 00:48:20,477 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,478 sats.satellite.Scanner-1       INFO       <16680.00> Scanner-1: setting timed terminal event at 16740.0
2025-07-02 00:48:20,485 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: timed termination at 16740.0 for action_downlink
2025-07-02 00:48:20,485 data.base                      INFO       <16740.00> Total reward: {}
2025-07-02 00:48:20,486 comm.communication             INFO       <16740.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,486 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,488 gym                            INFO       <16740.00> Step reward: 0.0
2025-07-02 00:48:20,489 gym                            INFO       <16740.00> === STARTING STEP ===
2025-07-02 00:48:20,489 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,490 sats.satellite.Scanner-1       INFO       <16740.00> Scanner-1: setting timed terminal event at 16800.0
2025-07-02 00:48:20,497 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: timed termination at 16800.0 for action_desat
2025-07-02 00:48:20,498 data.base                      INFO       <16800.00> Total reward: {}
2025-07-02 00:48:20,498 comm.communication             INFO       <16800.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,499 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,501 gym                            INFO       <16800.00> Step reward: 0.0
2025-07-02 00:48:20,501 gym                            INFO       <16800.00> === STARTING STEP ===
2025-07-02 00:48:20,502 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,502 sats.satellite.Scanner-1       INFO       <16800.00> Scanner-1: setting timed terminal event at 16980.0
2025-07-02 00:48:20,521 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: timed termination at 16980.0 for action_nadir_scan
2025-07-02 00:48:20,522 data.base                      INFO       <16980.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-07-02 00:48:20,522 comm.communication             INFO       <16980.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,523 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,524 gym                            INFO       <16980.00> Step reward: 0.004947368421052631
2025-07-02 00:48:20,525 gym                            INFO       <16980.00> === STARTING STEP ===
2025-07-02 00:48:20,526 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:20,526 sats.satellite.Scanner-1       INFO       <16980.00> Scanner-1: setting timed terminal event at 17100.0
2025-07-02 00:48:20,539 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: timed termination at 17100.0 for action_charge
2025-07-02 00:48:20,539 data.base                      INFO       <17100.00> Total reward: {}
2025-07-02 00:48:20,540 comm.communication             INFO       <17100.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,540 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,542 gym                            INFO       <17100.00> Step reward: 0.0
2025-07-02 00:48:20,543 gym                            INFO       <17100.00> === STARTING STEP ===
2025-07-02 00:48:20,543 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,544 sats.satellite.Scanner-1       INFO       <17100.00> Scanner-1: setting timed terminal event at 17160.0
2025-07-02 00:48:20,551 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: timed termination at 17160.0 for action_downlink
2025-07-02 00:48:20,552 data.base                      INFO       <17160.00> Total reward: {}
2025-07-02 00:48:20,552 comm.communication             INFO       <17160.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,553 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,555 gym                            INFO       <17160.00> Step reward: 0.0
2025-07-02 00:48:20,555 gym                            INFO       <17160.00> === STARTING STEP ===
2025-07-02 00:48:20,556 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,556 sats.satellite.Scanner-1       INFO       <17160.00> Scanner-1: setting timed terminal event at 17220.0
2025-07-02 00:48:20,564 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: timed termination at 17220.0 for action_desat
2025-07-02 00:48:20,564 data.base                      INFO       <17220.00> Total reward: {}
2025-07-02 00:48:20,565 comm.communication             INFO       <17220.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,565 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,567 gym                            INFO       <17220.00> Step reward: 0.0
2025-07-02 00:48:20,568 gym                            INFO       <17220.00> === STARTING STEP ===
2025-07-02 00:48:20,568 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,569 sats.satellite.Scanner-1       INFO       <17220.00> Scanner-1: setting timed terminal event at 17280.0
2025-07-02 00:48:20,576 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: timed termination at 17280.0 for action_downlink
2025-07-02 00:48:20,577 data.base                      INFO       <17280.00> Total reward: {}
2025-07-02 00:48:20,577 comm.communication             INFO       <17280.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,578 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,579 gym                            INFO       <17280.00> Step reward: 0.0
2025-07-02 00:48:20,580 gym                            INFO       <17280.00> === STARTING STEP ===
2025-07-02 00:48:20,581 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,581 sats.satellite.Scanner-1       INFO       <17280.00> Scanner-1: setting timed terminal event at 17340.0
2025-07-02 00:48:20,589 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: timed termination at 17340.0 for action_desat
2025-07-02 00:48:20,589 data.base                      INFO       <17340.00> Total reward: {}
2025-07-02 00:48:20,590 comm.communication             INFO       <17340.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,590 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,592 gym                            INFO       <17340.00> Step reward: 0.0
2025-07-02 00:48:20,593 gym                            INFO       <17340.00> === STARTING STEP ===
2025-07-02 00:48:20,593 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,594 sats.satellite.Scanner-1       INFO       <17340.00> Scanner-1: setting timed terminal event at 17400.0
2025-07-02 00:48:20,601 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: timed termination at 17400.0 for action_downlink
2025-07-02 00:48:20,601 data.base                      INFO       <17400.00> Total reward: {}
2025-07-02 00:48:20,602 comm.communication             INFO       <17400.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,603 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,604 gym                            INFO       <17400.00> Step reward: 0.0
2025-07-02 00:48:20,605 gym                            INFO       <17400.00> === STARTING STEP ===
2025-07-02 00:48:20,605 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,606 sats.satellite.Scanner-1       INFO       <17400.00> Scanner-1: setting timed terminal event at 17460.0
2025-07-02 00:48:20,614 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: timed termination at 17460.0 for action_desat
2025-07-02 00:48:20,614 data.base                      INFO       <17460.00> Total reward: {}
2025-07-02 00:48:20,615 comm.communication             INFO       <17460.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,615 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,617 gym                            INFO       <17460.00> Step reward: 0.0
2025-07-02 00:48:20,618 gym                            INFO       <17460.00> === STARTING STEP ===
2025-07-02 00:48:20,618 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,618 sats.satellite.Scanner-1       INFO       <17460.00> Scanner-1: setting timed terminal event at 17520.0
2025-07-02 00:48:20,626 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: timed termination at 17520.0 for action_desat
2025-07-02 00:48:20,627 data.base                      INFO       <17520.00> Total reward: {}
2025-07-02 00:48:20,627 comm.communication             INFO       <17520.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,628 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,630 gym                            INFO       <17520.00> Step reward: 0.0
2025-07-02 00:48:20,630 gym                            INFO       <17520.00> === STARTING STEP ===
2025-07-02 00:48:20,631 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,631 sats.satellite.Scanner-1       INFO       <17520.00> Scanner-1: setting timed terminal event at 17580.0
2025-07-02 00:48:20,639 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: timed termination at 17580.0 for action_desat
2025-07-02 00:48:20,639 data.base                      INFO       <17580.00> Total reward: {}
2025-07-02 00:48:20,640 comm.communication             INFO       <17580.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,640 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,642 gym                            INFO       <17580.00> Step reward: 0.0
2025-07-02 00:48:20,643 gym                            INFO       <17580.00> === STARTING STEP ===
2025-07-02 00:48:20,643 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,644 sats.satellite.Scanner-1       INFO       <17580.00> Scanner-1: setting timed terminal event at 17760.0
2025-07-02 00:48:20,663 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: timed termination at 17760.0 for action_nadir_scan
2025-07-02 00:48:20,663 data.base                      INFO       <17760.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:20,664 comm.communication             INFO       <17760.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,664 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,666 gym                            INFO       <17760.00> Step reward: 0.004912280701754385
2025-07-02 00:48:20,667 gym                            INFO       <17760.00> === STARTING STEP ===
2025-07-02 00:48:20,667 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,668 sats.satellite.Scanner-1       INFO       <17760.00> Scanner-1: setting timed terminal event at 17820.0
2025-07-02 00:48:20,675 sats.satellite.Scanner-1       INFO       <17820.00> Scanner-1: timed termination at 17820.0 for action_downlink
2025-07-02 00:48:20,675 data.base                      INFO       <17820.00> Total reward: {}
2025-07-02 00:48:20,676 comm.communication             INFO       <17820.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,676 sats.satellite.Scanner-1       INFO       <17820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,678 gym                            INFO       <17820.00> Step reward: 0.0
2025-07-02 00:48:20,679 gym                            INFO       <17820.00> === STARTING STEP ===
2025-07-02 00:48:20,680 sats.satellite.Scanner-1       INFO       <17820.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,680 sats.satellite.Scanner-1       INFO       <17820.00> Scanner-1: setting timed terminal event at 17880.0
2025-07-02 00:48:20,687 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: timed termination at 17880.0 for action_downlink
2025-07-02 00:48:20,688 data.base                      INFO       <17880.00> Total reward: {}
2025-07-02 00:48:20,688 comm.communication             INFO       <17880.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,689 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,691 gym                            INFO       <17880.00> Step reward: 0.0
2025-07-02 00:48:20,691 gym                            INFO       <17880.00> === STARTING STEP ===
2025-07-02 00:48:20,692 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,692 sats.satellite.Scanner-1       INFO       <17880.00> Scanner-1: setting timed terminal event at 18060.0
2025-07-02 00:48:20,715 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: timed termination at 18060.0 for action_nadir_scan
2025-07-02 00:48:20,715 data.base                      INFO       <18060.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:20,716 comm.communication             INFO       <18060.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,716 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,718 gym                            INFO       <18060.00> Step reward: 0.004912280701754385
2025-07-02 00:48:20,719 gym                            INFO       <18060.00> === STARTING STEP ===
2025-07-02 00:48:20,719 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:20,720 sats.satellite.Scanner-1       INFO       <18060.00> Scanner-1: setting timed terminal event at 18180.0
2025-07-02 00:48:20,733 sats.satellite.Scanner-1       INFO       <18180.00> Scanner-1: timed termination at 18180.0 for action_charge
2025-07-02 00:48:20,733 data.base                      INFO       <18180.00> Total reward: {}
2025-07-02 00:48:20,734 comm.communication             INFO       <18180.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,734 sats.satellite.Scanner-1       INFO       <18180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,736 gym                            INFO       <18180.00> Step reward: 0.0
2025-07-02 00:48:20,737 gym                            INFO       <18180.00> === STARTING STEP ===
2025-07-02 00:48:20,737 sats.satellite.Scanner-1       INFO       <18180.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,738 sats.satellite.Scanner-1       INFO       <18180.00> Scanner-1: setting timed terminal event at 18360.0
2025-07-02 00:48:20,758 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: timed termination at 18360.0 for action_nadir_scan
2025-07-02 00:48:20,758 data.base                      INFO       <18360.00> Total reward: {'Scanner-1': 0.004771929824561403}
2025-07-02 00:48:20,759 comm.communication             INFO       <18360.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,759 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,761 gym                            INFO       <18360.00> Step reward: 0.004771929824561403
2025-07-02 00:48:20,762 gym                            INFO       <18360.00> === STARTING STEP ===
2025-07-02 00:48:20,762 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,762 sats.satellite.Scanner-1       INFO       <18360.00> Scanner-1: setting timed terminal event at 18420.0
2025-07-02 00:48:20,770 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: timed termination at 18420.0 for action_downlink
2025-07-02 00:48:20,770 data.base                      INFO       <18420.00> Total reward: {}
2025-07-02 00:48:20,771 comm.communication             INFO       <18420.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,772 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,774 gym                            INFO       <18420.00> Step reward: 0.0
2025-07-02 00:48:20,774 gym                            INFO       <18420.00> === STARTING STEP ===
2025-07-02 00:48:20,775 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,775 sats.satellite.Scanner-1       INFO       <18420.00> Scanner-1: setting timed terminal event at 18480.0
2025-07-02 00:48:20,784 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: timed termination at 18480.0 for action_downlink
2025-07-02 00:48:20,784 data.base                      INFO       <18480.00> Total reward: {}
2025-07-02 00:48:20,785 comm.communication             INFO       <18480.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,785 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,787 gym                            INFO       <18480.00> Step reward: 0.0
2025-07-02 00:48:20,788 gym                            INFO       <18480.00> === STARTING STEP ===
2025-07-02 00:48:20,788 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:20,789 sats.satellite.Scanner-1       INFO       <18480.00> Scanner-1: setting timed terminal event at 18600.0
2025-07-02 00:48:20,802 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: timed termination at 18600.0 for action_charge
2025-07-02 00:48:20,803 data.base                      INFO       <18600.00> Total reward: {}
2025-07-02 00:48:20,803 comm.communication             INFO       <18600.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,804 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,805 gym                            INFO       <18600.00> Step reward: 0.0
2025-07-02 00:48:20,806 gym                            INFO       <18600.00> === STARTING STEP ===
2025-07-02 00:48:20,806 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,807 sats.satellite.Scanner-1       INFO       <18600.00> Scanner-1: setting timed terminal event at 18780.0
2025-07-02 00:48:20,826 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: timed termination at 18780.0 for action_nadir_scan
2025-07-02 00:48:20,827 data.base                      INFO       <18780.00> Total reward: {'Scanner-1': 0.004596491228070175}
2025-07-02 00:48:20,827 comm.communication             INFO       <18780.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,828 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,830 gym                            INFO       <18780.00> Step reward: 0.004596491228070175
2025-07-02 00:48:20,830 gym                            INFO       <18780.00> === STARTING STEP ===
2025-07-02 00:48:20,831 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,832 sats.satellite.Scanner-1       INFO       <18780.00> Scanner-1: setting timed terminal event at 18840.0
2025-07-02 00:48:20,839 sats.satellite.Scanner-1       INFO       <18840.00> Scanner-1: timed termination at 18840.0 for action_downlink
2025-07-02 00:48:20,839 data.base                      INFO       <18840.00> Total reward: {}
2025-07-02 00:48:20,840 comm.communication             INFO       <18840.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,840 sats.satellite.Scanner-1       INFO       <18840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,842 gym                            INFO       <18840.00> Step reward: 0.0
2025-07-02 00:48:20,843 gym                            INFO       <18840.00> === STARTING STEP ===
2025-07-02 00:48:20,843 sats.satellite.Scanner-1       INFO       <18840.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,844 sats.satellite.Scanner-1       INFO       <18840.00> Scanner-1: setting timed terminal event at 18900.0
2025-07-02 00:48:20,851 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: timed termination at 18900.0 for action_downlink
2025-07-02 00:48:20,851 data.base                      INFO       <18900.00> Total reward: {}
2025-07-02 00:48:20,852 comm.communication             INFO       <18900.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,852 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,854 gym                            INFO       <18900.00> Step reward: 0.0
2025-07-02 00:48:20,855 gym                            INFO       <18900.00> === STARTING STEP ===
2025-07-02 00:48:20,855 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:20,856 sats.satellite.Scanner-1       INFO       <18900.00> Scanner-1: setting timed terminal event at 19020.0
2025-07-02 00:48:20,869 sats.satellite.Scanner-1       INFO       <19020.00> Scanner-1: timed termination at 19020.0 for action_charge
2025-07-02 00:48:20,870 data.base                      INFO       <19020.00> Total reward: {}
2025-07-02 00:48:20,871 comm.communication             INFO       <19020.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,871 sats.satellite.Scanner-1       INFO       <19020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,873 gym                            INFO       <19020.00> Step reward: 0.0
2025-07-02 00:48:20,873 gym                            INFO       <19020.00> === STARTING STEP ===
2025-07-02 00:48:20,874 sats.satellite.Scanner-1       INFO       <19020.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,874 sats.satellite.Scanner-1       INFO       <19020.00> Scanner-1: setting timed terminal event at 19080.0
2025-07-02 00:48:20,882 sats.satellite.Scanner-1       INFO       <19080.00> Scanner-1: timed termination at 19080.0 for action_desat
2025-07-02 00:48:20,882 data.base                      INFO       <19080.00> Total reward: {}
2025-07-02 00:48:20,883 comm.communication             INFO       <19080.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,883 sats.satellite.Scanner-1       INFO       <19080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,885 gym                            INFO       <19080.00> Step reward: 0.0
2025-07-02 00:48:20,886 gym                            INFO       <19080.00> === STARTING STEP ===
2025-07-02 00:48:20,886 sats.satellite.Scanner-1       INFO       <19080.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:20,887 sats.satellite.Scanner-1       INFO       <19080.00> Scanner-1: setting timed terminal event at 19200.0
2025-07-02 00:48:20,900 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: timed termination at 19200.0 for action_charge
2025-07-02 00:48:20,901 data.base                      INFO       <19200.00> Total reward: {}
2025-07-02 00:48:20,901 comm.communication             INFO       <19200.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,902 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,903 gym                            INFO       <19200.00> Step reward: 0.0
2025-07-02 00:48:20,904 gym                            INFO       <19200.00> === STARTING STEP ===
2025-07-02 00:48:20,904 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,905 sats.satellite.Scanner-1       INFO       <19200.00> Scanner-1: setting timed terminal event at 19380.0
2025-07-02 00:48:20,925 sats.satellite.Scanner-1       INFO       <19380.00> Scanner-1: timed termination at 19380.0 for action_nadir_scan
2025-07-02 00:48:20,925 data.base                      INFO       <19380.00> Total reward: {'Scanner-1': 0.004631578947368421}
2025-07-02 00:48:20,925 comm.communication             INFO       <19380.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,926 sats.satellite.Scanner-1       INFO       <19380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,928 gym                            INFO       <19380.00> Step reward: 0.004631578947368421
2025-07-02 00:48:20,928 gym                            INFO       <19380.00> === STARTING STEP ===
2025-07-02 00:48:20,929 sats.satellite.Scanner-1       INFO       <19380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,929 sats.satellite.Scanner-1       INFO       <19380.00> Scanner-1: setting timed terminal event at 19440.0
2025-07-02 00:48:20,937 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: timed termination at 19440.0 for action_desat
2025-07-02 00:48:20,937 data.base                      INFO       <19440.00> Total reward: {}
2025-07-02 00:48:20,938 comm.communication             INFO       <19440.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,938 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,940 gym                            INFO       <19440.00> Step reward: 0.0
2025-07-02 00:48:20,941 gym                            INFO       <19440.00> === STARTING STEP ===
2025-07-02 00:48:20,941 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:20,942 sats.satellite.Scanner-1       INFO       <19440.00> Scanner-1: setting timed terminal event at 19620.0
2025-07-02 00:48:20,963 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: timed termination at 19620.0 for action_nadir_scan
2025-07-02 00:48:20,964 data.base                      INFO       <19620.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:20,964 comm.communication             INFO       <19620.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,965 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,967 gym                            INFO       <19620.00> Step reward: 0.004912280701754385
2025-07-02 00:48:20,968 gym                            INFO       <19620.00> === STARTING STEP ===
2025-07-02 00:48:20,968 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:20,969 sats.satellite.Scanner-1       INFO       <19620.00> Scanner-1: setting timed terminal event at 19680.0
2025-07-02 00:48:20,976 sats.satellite.Scanner-1       INFO       <19680.00> Scanner-1: timed termination at 19680.0 for action_desat
2025-07-02 00:48:20,977 data.base                      INFO       <19680.00> Total reward: {}
2025-07-02 00:48:20,977 comm.communication             INFO       <19680.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,978 sats.satellite.Scanner-1       INFO       <19680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,980 gym                            INFO       <19680.00> Step reward: 0.0
2025-07-02 00:48:20,980 gym                            INFO       <19680.00> === STARTING STEP ===
2025-07-02 00:48:20,981 sats.satellite.Scanner-1       INFO       <19680.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:20,981 sats.satellite.Scanner-1       INFO       <19680.00> Scanner-1: setting timed terminal event at 19740.0
2025-07-02 00:48:20,989 sats.satellite.Scanner-1       INFO       <19740.00> Scanner-1: timed termination at 19740.0 for action_downlink
2025-07-02 00:48:20,989 data.base                      INFO       <19740.00> Total reward: {}
2025-07-02 00:48:20,990 comm.communication             INFO       <19740.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:20,990 sats.satellite.Scanner-1       INFO       <19740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:20,992 gym                            INFO       <19740.00> Step reward: 0.0
2025-07-02 00:48:20,993 gym                            INFO       <19740.00> === STARTING STEP ===
2025-07-02 00:48:20,993 sats.satellite.Scanner-1       INFO       <19740.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:20,994 sats.satellite.Scanner-1       INFO       <19740.00> Scanner-1: setting timed terminal event at 19860.0
2025-07-02 00:48:21,009 sats.satellite.Scanner-1       INFO       <19860.00> Scanner-1: timed termination at 19860.0 for action_charge
2025-07-02 00:48:21,009 data.base                      INFO       <19860.00> Total reward: {}
2025-07-02 00:48:21,010 comm.communication             INFO       <19860.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,011 sats.satellite.Scanner-1       INFO       <19860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,013 gym                            INFO       <19860.00> Step reward: 0.0
2025-07-02 00:48:21,013 gym                            INFO       <19860.00> === STARTING STEP ===
2025-07-02 00:48:21,014 sats.satellite.Scanner-1       INFO       <19860.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,014 sats.satellite.Scanner-1       INFO       <19860.00> Scanner-1: setting timed terminal event at 19920.0
2025-07-02 00:48:21,022 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: timed termination at 19920.0 for action_downlink
2025-07-02 00:48:21,022 data.base                      INFO       <19920.00> Total reward: {}
2025-07-02 00:48:21,023 comm.communication             INFO       <19920.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,023 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,025 gym                            INFO       <19920.00> Step reward: 0.0
2025-07-02 00:48:21,025 gym                            INFO       <19920.00> === STARTING STEP ===
2025-07-02 00:48:21,026 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,026 sats.satellite.Scanner-1       INFO       <19920.00> Scanner-1: setting timed terminal event at 19980.0
2025-07-02 00:48:21,035 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: timed termination at 19980.0 for action_downlink
2025-07-02 00:48:21,036 data.base                      INFO       <19980.00> Total reward: {}
2025-07-02 00:48:21,036 comm.communication             INFO       <19980.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,037 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,039 gym                            INFO       <19980.00> Step reward: 0.0
2025-07-02 00:48:21,039 gym                            INFO       <19980.00> === STARTING STEP ===
2025-07-02 00:48:21,040 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,040 sats.satellite.Scanner-1       INFO       <19980.00> Scanner-1: setting timed terminal event at 20100.0
2025-07-02 00:48:21,056 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: timed termination at 20100.0 for action_charge
2025-07-02 00:48:21,056 data.base                      INFO       <20100.00> Total reward: {}
2025-07-02 00:48:21,057 comm.communication             INFO       <20100.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,057 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,059 gym                            INFO       <20100.00> Step reward: 0.0
2025-07-02 00:48:21,059 gym                            INFO       <20100.00> === STARTING STEP ===
2025-07-02 00:48:21,060 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,061 sats.satellite.Scanner-1       INFO       <20100.00> Scanner-1: setting timed terminal event at 20160.0
2025-07-02 00:48:21,068 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: timed termination at 20160.0 for action_downlink
2025-07-02 00:48:21,068 data.base                      INFO       <20160.00> Total reward: {}
2025-07-02 00:48:21,069 comm.communication             INFO       <20160.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,069 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,071 gym                            INFO       <20160.00> Step reward: 0.0
2025-07-02 00:48:21,071 gym                            INFO       <20160.00> === STARTING STEP ===
2025-07-02 00:48:21,072 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,073 sats.satellite.Scanner-1       INFO       <20160.00> Scanner-1: setting timed terminal event at 20280.0
2025-07-02 00:48:21,087 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: timed termination at 20280.0 for action_charge
2025-07-02 00:48:21,088 data.base                      INFO       <20280.00> Total reward: {}
2025-07-02 00:48:21,088 comm.communication             INFO       <20280.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,089 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,091 gym                            INFO       <20280.00> Step reward: 0.0
2025-07-02 00:48:21,091 gym                            INFO       <20280.00> === STARTING STEP ===
2025-07-02 00:48:21,092 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,092 sats.satellite.Scanner-1       INFO       <20280.00> Scanner-1: setting timed terminal event at 20340.0
2025-07-02 00:48:21,100 sats.satellite.Scanner-1       INFO       <20340.00> Scanner-1: timed termination at 20340.0 for action_desat
2025-07-02 00:48:21,100 data.base                      INFO       <20340.00> Total reward: {}
2025-07-02 00:48:21,101 comm.communication             INFO       <20340.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,101 sats.satellite.Scanner-1       INFO       <20340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,103 gym                            INFO       <20340.00> Step reward: 0.0
2025-07-02 00:48:21,103 gym                            INFO       <20340.00> === STARTING STEP ===
2025-07-02 00:48:21,104 sats.satellite.Scanner-1       INFO       <20340.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,104 sats.satellite.Scanner-1       INFO       <20340.00> Scanner-1: setting timed terminal event at 20400.0
2025-07-02 00:48:21,112 sats.satellite.Scanner-1       INFO       <20400.00> Scanner-1: timed termination at 20400.0 for action_downlink
2025-07-02 00:48:21,113 data.base                      INFO       <20400.00> Total reward: {}
2025-07-02 00:48:21,113 comm.communication             INFO       <20400.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,114 sats.satellite.Scanner-1       INFO       <20400.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,116 gym                            INFO       <20400.00> Step reward: 0.0
2025-07-02 00:48:21,116 gym                            INFO       <20400.00> === STARTING STEP ===
2025-07-02 00:48:21,117 sats.satellite.Scanner-1       INFO       <20400.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:21,118 sats.satellite.Scanner-1       INFO       <20400.00> Scanner-1: setting timed terminal event at 20580.0
2025-07-02 00:48:21,136 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: timed termination at 20580.0 for action_nadir_scan
2025-07-02 00:48:21,137 data.base                      INFO       <20580.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:21,137 comm.communication             INFO       <20580.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,138 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,140 gym                            INFO       <20580.00> Step reward: 0.004912280701754385
2025-07-02 00:48:21,140 gym                            INFO       <20580.00> === STARTING STEP ===
2025-07-02 00:48:21,141 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:21,141 sats.satellite.Scanner-1       INFO       <20580.00> Scanner-1: setting timed terminal event at 20760.0
2025-07-02 00:48:21,163 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: timed termination at 20760.0 for action_nadir_scan
2025-07-02 00:48:21,164 data.base                      INFO       <20760.00> Total reward: {'Scanner-1': 0.00631578947368421}
2025-07-02 00:48:21,164 comm.communication             INFO       <20760.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,165 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,167 gym                            INFO       <20760.00> Step reward: 0.00631578947368421
2025-07-02 00:48:21,167 gym                            INFO       <20760.00> === STARTING STEP ===
2025-07-02 00:48:21,168 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,168 sats.satellite.Scanner-1       INFO       <20760.00> Scanner-1: setting timed terminal event at 20820.0
2025-07-02 00:48:21,176 sats.satellite.Scanner-1       INFO       <20820.00> Scanner-1: timed termination at 20820.0 for action_downlink
2025-07-02 00:48:21,177 data.base                      INFO       <20820.00> Total reward: {}
2025-07-02 00:48:21,178 comm.communication             INFO       <20820.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,178 sats.satellite.Scanner-1       INFO       <20820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,180 gym                            INFO       <20820.00> Step reward: 0.0
2025-07-02 00:48:21,181 gym                            INFO       <20820.00> === STARTING STEP ===
2025-07-02 00:48:21,181 sats.satellite.Scanner-1       INFO       <20820.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,182 sats.satellite.Scanner-1       INFO       <20820.00> Scanner-1: setting timed terminal event at 20940.0
2025-07-02 00:48:21,195 sats.satellite.Scanner-1       INFO       <20940.00> Scanner-1: timed termination at 20940.0 for action_charge
2025-07-02 00:48:21,195 data.base                      INFO       <20940.00> Total reward: {}
2025-07-02 00:48:21,196 comm.communication             INFO       <20940.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,197 sats.satellite.Scanner-1       INFO       <20940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,198 gym                            INFO       <20940.00> Step reward: 0.0
2025-07-02 00:48:21,199 gym                            INFO       <20940.00> === STARTING STEP ===
2025-07-02 00:48:21,199 sats.satellite.Scanner-1       INFO       <20940.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,200 sats.satellite.Scanner-1       INFO       <20940.00> Scanner-1: setting timed terminal event at 21060.0
2025-07-02 00:48:21,212 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: timed termination at 21060.0 for action_charge
2025-07-02 00:48:21,213 data.base                      INFO       <21060.00> Total reward: {}
2025-07-02 00:48:21,213 comm.communication             INFO       <21060.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,214 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,216 gym                            INFO       <21060.00> Step reward: 0.0
2025-07-02 00:48:21,217 gym                            INFO       <21060.00> === STARTING STEP ===
2025-07-02 00:48:21,217 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:21,218 sats.satellite.Scanner-1       INFO       <21060.00> Scanner-1: setting timed terminal event at 21240.0
2025-07-02 00:48:21,238 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: timed termination at 21240.0 for action_nadir_scan
2025-07-02 00:48:21,239 data.base                      INFO       <21240.00> Total reward: {'Scanner-1': 0.005403508771929824}
2025-07-02 00:48:21,239 comm.communication             INFO       <21240.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,240 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,242 gym                            INFO       <21240.00> Step reward: 0.005403508771929824
2025-07-02 00:48:21,243 gym                            INFO       <21240.00> === STARTING STEP ===
2025-07-02 00:48:21,243 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,244 sats.satellite.Scanner-1       INFO       <21240.00> Scanner-1: setting timed terminal event at 21300.0
2025-07-02 00:48:21,252 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: timed termination at 21300.0 for action_desat
2025-07-02 00:48:21,253 data.base                      INFO       <21300.00> Total reward: {}
2025-07-02 00:48:21,253 comm.communication             INFO       <21300.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,254 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,255 gym                            INFO       <21300.00> Step reward: 0.0
2025-07-02 00:48:21,256 gym                            INFO       <21300.00> === STARTING STEP ===
2025-07-02 00:48:21,257 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:21,258 sats.satellite.Scanner-1       INFO       <21300.00> Scanner-1: setting timed terminal event at 21480.0
2025-07-02 00:48:21,276 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: timed termination at 21480.0 for action_nadir_scan
2025-07-02 00:48:21,277 data.base                      INFO       <21480.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:21,277 comm.communication             INFO       <21480.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,278 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,279 gym                            INFO       <21480.00> Step reward: 0.004912280701754385
2025-07-02 00:48:21,280 gym                            INFO       <21480.00> === STARTING STEP ===
2025-07-02 00:48:21,281 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,281 sats.satellite.Scanner-1       INFO       <21480.00> Scanner-1: setting timed terminal event at 21540.0
2025-07-02 00:48:21,288 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: timed termination at 21540.0 for action_downlink
2025-07-02 00:48:21,289 data.base                      INFO       <21540.00> Total reward: {}
2025-07-02 00:48:21,289 comm.communication             INFO       <21540.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,290 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,292 gym                            INFO       <21540.00> Step reward: 0.0
2025-07-02 00:48:21,292 gym                            INFO       <21540.00> === STARTING STEP ===
2025-07-02 00:48:21,293 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:21,293 sats.satellite.Scanner-1       INFO       <21540.00> Scanner-1: setting timed terminal event at 21720.0
2025-07-02 00:48:21,316 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: timed termination at 21720.0 for action_nadir_scan
2025-07-02 00:48:21,316 data.base                      INFO       <21720.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-02 00:48:21,317 comm.communication             INFO       <21720.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,317 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,319 gym                            INFO       <21720.00> Step reward: 0.00487719298245614
2025-07-02 00:48:21,320 gym                            INFO       <21720.00> === STARTING STEP ===
2025-07-02 00:48:21,320 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,321 sats.satellite.Scanner-1       INFO       <21720.00> Scanner-1: setting timed terminal event at 21840.0
2025-07-02 00:48:21,336 sats.satellite.Scanner-1       INFO       <21840.00> Scanner-1: timed termination at 21840.0 for action_charge
2025-07-02 00:48:21,336 data.base                      INFO       <21840.00> Total reward: {}
2025-07-02 00:48:21,337 comm.communication             INFO       <21840.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,337 sats.satellite.Scanner-1       INFO       <21840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,339 gym                            INFO       <21840.00> Step reward: 0.0
2025-07-02 00:48:21,340 gym                            INFO       <21840.00> === STARTING STEP ===
2025-07-02 00:48:21,341 sats.satellite.Scanner-1       INFO       <21840.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,341 sats.satellite.Scanner-1       INFO       <21840.00> Scanner-1: setting timed terminal event at 21900.0
2025-07-02 00:48:21,350 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: timed termination at 21900.0 for action_desat
2025-07-02 00:48:21,350 data.base                      INFO       <21900.00> Total reward: {}
2025-07-02 00:48:21,351 comm.communication             INFO       <21900.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,351 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,353 gym                            INFO       <21900.00> Step reward: 0.0
2025-07-02 00:48:21,354 gym                            INFO       <21900.00> === STARTING STEP ===
2025-07-02 00:48:21,354 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,355 sats.satellite.Scanner-1       INFO       <21900.00> Scanner-1: setting timed terminal event at 22020.0
2025-07-02 00:48:21,370 sats.satellite.Scanner-1       INFO       <22020.00> Scanner-1: timed termination at 22020.0 for action_charge
2025-07-02 00:48:21,371 data.base                      INFO       <22020.00> Total reward: {}
2025-07-02 00:48:21,371 comm.communication             INFO       <22020.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,372 sats.satellite.Scanner-1       INFO       <22020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,374 gym                            INFO       <22020.00> Step reward: 0.0
2025-07-02 00:48:21,375 gym                            INFO       <22020.00> === STARTING STEP ===
2025-07-02 00:48:21,375 sats.satellite.Scanner-1       INFO       <22020.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,376 sats.satellite.Scanner-1       INFO       <22020.00> Scanner-1: setting timed terminal event at 22080.0
2025-07-02 00:48:21,383 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: timed termination at 22080.0 for action_downlink
2025-07-02 00:48:21,384 data.base                      INFO       <22080.00> Total reward: {}
2025-07-02 00:48:21,384 comm.communication             INFO       <22080.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,385 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,387 gym                            INFO       <22080.00> Step reward: 0.0
2025-07-02 00:48:21,387 gym                            INFO       <22080.00> === STARTING STEP ===
2025-07-02 00:48:21,388 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,389 sats.satellite.Scanner-1       INFO       <22080.00> Scanner-1: setting timed terminal event at 22200.0
2025-07-02 00:48:21,401 sats.satellite.Scanner-1       INFO       <22200.00> Scanner-1: timed termination at 22200.0 for action_charge
2025-07-02 00:48:21,402 data.base                      INFO       <22200.00> Total reward: {}
2025-07-02 00:48:21,402 comm.communication             INFO       <22200.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,403 sats.satellite.Scanner-1       INFO       <22200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,405 gym                            INFO       <22200.00> Step reward: 0.0
2025-07-02 00:48:21,405 gym                            INFO       <22200.00> === STARTING STEP ===
2025-07-02 00:48:21,406 sats.satellite.Scanner-1       INFO       <22200.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,406 sats.satellite.Scanner-1       INFO       <22200.00> Scanner-1: setting timed terminal event at 22260.0
2025-07-02 00:48:21,414 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: timed termination at 22260.0 for action_downlink
2025-07-02 00:48:21,414 data.base                      INFO       <22260.00> Total reward: {}
2025-07-02 00:48:21,414 comm.communication             INFO       <22260.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,415 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,417 gym                            INFO       <22260.00> Step reward: 0.0
2025-07-02 00:48:21,418 gym                            INFO       <22260.00> === STARTING STEP ===
2025-07-02 00:48:21,418 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,419 sats.satellite.Scanner-1       INFO       <22260.00> Scanner-1: setting timed terminal event at 22320.0
2025-07-02 00:48:21,427 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: timed termination at 22320.0 for action_desat
2025-07-02 00:48:21,428 data.base                      INFO       <22320.00> Total reward: {}
2025-07-02 00:48:21,428 comm.communication             INFO       <22320.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,429 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,431 gym                            INFO       <22320.00> Step reward: 0.0
2025-07-02 00:48:21,431 gym                            INFO       <22320.00> === STARTING STEP ===
2025-07-02 00:48:21,431 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,432 sats.satellite.Scanner-1       INFO       <22320.00> Scanner-1: setting timed terminal event at 22440.0
2025-07-02 00:48:21,445 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: timed termination at 22440.0 for action_charge
2025-07-02 00:48:21,446 data.base                      INFO       <22440.00> Total reward: {}
2025-07-02 00:48:21,446 comm.communication             INFO       <22440.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,447 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,448 gym                            INFO       <22440.00> Step reward: 0.0
2025-07-02 00:48:21,449 gym                            INFO       <22440.00> === STARTING STEP ===
2025-07-02 00:48:21,450 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,450 sats.satellite.Scanner-1       INFO       <22440.00> Scanner-1: setting timed terminal event at 22560.0
2025-07-02 00:48:21,463 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: timed termination at 22560.0 for action_charge
2025-07-02 00:48:21,464 data.base                      INFO       <22560.00> Total reward: {}
2025-07-02 00:48:21,464 comm.communication             INFO       <22560.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,465 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,467 gym                            INFO       <22560.00> Step reward: 0.0
2025-07-02 00:48:21,467 gym                            INFO       <22560.00> === STARTING STEP ===
2025-07-02 00:48:21,468 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,468 sats.satellite.Scanner-1       INFO       <22560.00> Scanner-1: setting timed terminal event at 22620.0
2025-07-02 00:48:21,476 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: timed termination at 22620.0 for action_desat
2025-07-02 00:48:21,476 data.base                      INFO       <22620.00> Total reward: {}
2025-07-02 00:48:21,477 comm.communication             INFO       <22620.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,477 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,479 gym                            INFO       <22620.00> Step reward: 0.0
2025-07-02 00:48:21,480 gym                            INFO       <22620.00> === STARTING STEP ===
2025-07-02 00:48:21,480 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,481 sats.satellite.Scanner-1       INFO       <22620.00> Scanner-1: setting timed terminal event at 22680.0
2025-07-02 00:48:21,488 sats.satellite.Scanner-1       INFO       <22680.00> Scanner-1: timed termination at 22680.0 for action_downlink
2025-07-02 00:48:21,489 data.base                      INFO       <22680.00> Total reward: {}
2025-07-02 00:48:21,489 comm.communication             INFO       <22680.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,490 sats.satellite.Scanner-1       INFO       <22680.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,492 gym                            INFO       <22680.00> Step reward: 0.0
2025-07-02 00:48:21,492 gym                            INFO       <22680.00> === STARTING STEP ===
2025-07-02 00:48:21,493 sats.satellite.Scanner-1       INFO       <22680.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,493 sats.satellite.Scanner-1       INFO       <22680.00> Scanner-1: setting timed terminal event at 22740.0
2025-07-02 00:48:21,500 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: timed termination at 22740.0 for action_downlink
2025-07-02 00:48:21,501 data.base                      INFO       <22740.00> Total reward: {}
2025-07-02 00:48:21,501 comm.communication             INFO       <22740.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,502 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,504 gym                            INFO       <22740.00> Step reward: 0.0
2025-07-02 00:48:21,504 gym                            INFO       <22740.00> === STARTING STEP ===
2025-07-02 00:48:21,505 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,505 sats.satellite.Scanner-1       INFO       <22740.00> Scanner-1: setting timed terminal event at 22860.0
2025-07-02 00:48:21,520 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: timed termination at 22860.0 for action_charge
2025-07-02 00:48:21,520 data.base                      INFO       <22860.00> Total reward: {}
2025-07-02 00:48:21,521 comm.communication             INFO       <22860.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,521 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,523 gym                            INFO       <22860.00> Step reward: 0.0
2025-07-02 00:48:21,524 gym                            INFO       <22860.00> === STARTING STEP ===
2025-07-02 00:48:21,524 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,525 sats.satellite.Scanner-1       INFO       <22860.00> Scanner-1: setting timed terminal event at 22920.0
2025-07-02 00:48:21,532 sats.satellite.Scanner-1       INFO       <22920.00> Scanner-1: timed termination at 22920.0 for action_downlink
2025-07-02 00:48:21,533 data.base                      INFO       <22920.00> Total reward: {}
2025-07-02 00:48:21,533 comm.communication             INFO       <22920.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,533 sats.satellite.Scanner-1       INFO       <22920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,535 gym                            INFO       <22920.00> Step reward: 0.0
2025-07-02 00:48:21,536 gym                            INFO       <22920.00> === STARTING STEP ===
2025-07-02 00:48:21,536 sats.satellite.Scanner-1       INFO       <22920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,537 sats.satellite.Scanner-1       INFO       <22920.00> Scanner-1: setting timed terminal event at 23040.0
2025-07-02 00:48:21,550 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: timed termination at 23040.0 for action_charge
2025-07-02 00:48:21,550 data.base                      INFO       <23040.00> Total reward: {}
2025-07-02 00:48:21,551 comm.communication             INFO       <23040.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,551 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,553 gym                            INFO       <23040.00> Step reward: 0.0
2025-07-02 00:48:21,553 gym                            INFO       <23040.00> === STARTING STEP ===
2025-07-02 00:48:21,554 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,554 sats.satellite.Scanner-1       INFO       <23040.00> Scanner-1: setting timed terminal event at 23100.0
2025-07-02 00:48:21,563 sats.satellite.Scanner-1       INFO       <23100.00> Scanner-1: timed termination at 23100.0 for action_desat
2025-07-02 00:48:21,563 data.base                      INFO       <23100.00> Total reward: {}
2025-07-02 00:48:21,564 comm.communication             INFO       <23100.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,564 sats.satellite.Scanner-1       INFO       <23100.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,566 gym                            INFO       <23100.00> Step reward: 0.0
2025-07-02 00:48:21,567 gym                            INFO       <23100.00> === STARTING STEP ===
2025-07-02 00:48:21,568 sats.satellite.Scanner-1       INFO       <23100.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,568 sats.satellite.Scanner-1       INFO       <23100.00> Scanner-1: setting timed terminal event at 23220.0
2025-07-02 00:48:21,581 sats.satellite.Scanner-1       INFO       <23220.00> Scanner-1: timed termination at 23220.0 for action_charge
2025-07-02 00:48:21,582 data.base                      INFO       <23220.00> Total reward: {}
2025-07-02 00:48:21,582 comm.communication             INFO       <23220.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,583 sats.satellite.Scanner-1       INFO       <23220.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,585 gym                            INFO       <23220.00> Step reward: 0.0
2025-07-02 00:48:21,586 gym                            INFO       <23220.00> === STARTING STEP ===
2025-07-02 00:48:21,586 sats.satellite.Scanner-1       INFO       <23220.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,586 sats.satellite.Scanner-1       INFO       <23220.00> Scanner-1: setting timed terminal event at 23280.0
2025-07-02 00:48:21,594 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: timed termination at 23280.0 for action_desat
2025-07-02 00:48:21,595 data.base                      INFO       <23280.00> Total reward: {}
2025-07-02 00:48:21,595 comm.communication             INFO       <23280.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,596 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,597 gym                            INFO       <23280.00> Step reward: 0.0
2025-07-02 00:48:21,598 gym                            INFO       <23280.00> === STARTING STEP ===
2025-07-02 00:48:21,598 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,599 sats.satellite.Scanner-1       INFO       <23280.00> Scanner-1: setting timed terminal event at 23340.0
2025-07-02 00:48:21,608 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: timed termination at 23340.0 for action_downlink
2025-07-02 00:48:21,608 data.base                      INFO       <23340.00> Total reward: {}
2025-07-02 00:48:21,609 comm.communication             INFO       <23340.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,610 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,612 gym                            INFO       <23340.00> Step reward: 0.0
2025-07-02 00:48:21,612 gym                            INFO       <23340.00> === STARTING STEP ===
2025-07-02 00:48:21,613 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:21,613 sats.satellite.Scanner-1       INFO       <23340.00> Scanner-1: setting timed terminal event at 23520.0
2025-07-02 00:48:21,636 sats.satellite.Scanner-1       INFO       <23520.00> Scanner-1: timed termination at 23520.0 for action_nadir_scan
2025-07-02 00:48:21,636 data.base                      INFO       <23520.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:21,637 comm.communication             INFO       <23520.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,637 sats.satellite.Scanner-1       INFO       <23520.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,639 gym                            INFO       <23520.00> Step reward: 0.004912280701754385
2025-07-02 00:48:21,640 gym                            INFO       <23520.00> === STARTING STEP ===
2025-07-02 00:48:21,640 sats.satellite.Scanner-1       INFO       <23520.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,641 sats.satellite.Scanner-1       INFO       <23520.00> Scanner-1: setting timed terminal event at 23580.0
2025-07-02 00:48:21,650 sats.satellite.Scanner-1       INFO       <23580.00> Scanner-1: timed termination at 23580.0 for action_desat
2025-07-02 00:48:21,650 data.base                      INFO       <23580.00> Total reward: {}
2025-07-02 00:48:21,651 comm.communication             INFO       <23580.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,651 sats.satellite.Scanner-1       INFO       <23580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,653 gym                            INFO       <23580.00> Step reward: 0.0
2025-07-02 00:48:21,654 gym                            INFO       <23580.00> === STARTING STEP ===
2025-07-02 00:48:21,654 sats.satellite.Scanner-1       INFO       <23580.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:21,655 sats.satellite.Scanner-1       INFO       <23580.00> Scanner-1: setting timed terminal event at 23760.0
2025-07-02 00:48:21,674 sats.satellite.Scanner-1       INFO       <23760.00> Scanner-1: timed termination at 23760.0 for action_nadir_scan
2025-07-02 00:48:21,674 data.base                      INFO       <23760.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-02 00:48:21,675 comm.communication             INFO       <23760.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,675 sats.satellite.Scanner-1       INFO       <23760.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,685 gym                            INFO       <23760.00> Step reward: 0.00487719298245614
2025-07-02 00:48:21,686 gym                            INFO       <23760.00> === STARTING STEP ===
2025-07-02 00:48:21,686 sats.satellite.Scanner-1       INFO       <23760.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,686 sats.satellite.Scanner-1       INFO       <23760.00> Scanner-1: setting timed terminal event at 23820.0
2025-07-02 00:48:21,694 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: timed termination at 23820.0 for action_desat
2025-07-02 00:48:21,695 data.base                      INFO       <23820.00> Total reward: {}
2025-07-02 00:48:21,695 comm.communication             INFO       <23820.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,696 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,697 gym                            INFO       <23820.00> Step reward: 0.0
2025-07-02 00:48:21,698 gym                            INFO       <23820.00> === STARTING STEP ===
2025-07-02 00:48:21,699 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,699 sats.satellite.Scanner-1       INFO       <23820.00> Scanner-1: setting timed terminal event at 23940.0
2025-07-02 00:48:21,712 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: timed termination at 23940.0 for action_charge
2025-07-02 00:48:21,713 data.base                      INFO       <23940.00> Total reward: {}
2025-07-02 00:48:21,713 comm.communication             INFO       <23940.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,714 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,716 gym                            INFO       <23940.00> Step reward: 0.0
2025-07-02 00:48:21,716 gym                            INFO       <23940.00> === STARTING STEP ===
2025-07-02 00:48:21,717 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,718 sats.satellite.Scanner-1       INFO       <23940.00> Scanner-1: setting timed terminal event at 24060.0
2025-07-02 00:48:21,733 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: timed termination at 24060.0 for action_charge
2025-07-02 00:48:21,733 data.base                      INFO       <24060.00> Total reward: {}
2025-07-02 00:48:21,734 comm.communication             INFO       <24060.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,734 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,736 gym                            INFO       <24060.00> Step reward: 0.0
2025-07-02 00:48:21,737 gym                            INFO       <24060.00> === STARTING STEP ===
2025-07-02 00:48:21,737 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,738 sats.satellite.Scanner-1       INFO       <24060.00> Scanner-1: setting timed terminal event at 24120.0
2025-07-02 00:48:21,745 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: timed termination at 24120.0 for action_desat
2025-07-02 00:48:21,746 data.base                      INFO       <24120.00> Total reward: {}
2025-07-02 00:48:21,747 comm.communication             INFO       <24120.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,747 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,749 gym                            INFO       <24120.00> Step reward: 0.0
2025-07-02 00:48:21,749 gym                            INFO       <24120.00> === STARTING STEP ===
2025-07-02 00:48:21,750 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,751 sats.satellite.Scanner-1       INFO       <24120.00> Scanner-1: setting timed terminal event at 24180.0
2025-07-02 00:48:21,759 sats.satellite.Scanner-1       INFO       <24180.00> Scanner-1: timed termination at 24180.0 for action_desat
2025-07-02 00:48:21,759 data.base                      INFO       <24180.00> Total reward: {}
2025-07-02 00:48:21,759 comm.communication             INFO       <24180.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,760 sats.satellite.Scanner-1       INFO       <24180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,762 gym                            INFO       <24180.00> Step reward: 0.0
2025-07-02 00:48:21,763 gym                            INFO       <24180.00> === STARTING STEP ===
2025-07-02 00:48:21,763 sats.satellite.Scanner-1       INFO       <24180.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:21,764 sats.satellite.Scanner-1       INFO       <24180.00> Scanner-1: setting timed terminal event at 24360.0
2025-07-02 00:48:21,783 sats.satellite.Scanner-1       INFO       <24360.00> Scanner-1: timed termination at 24360.0 for action_nadir_scan
2025-07-02 00:48:21,783 data.base                      INFO       <24360.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:21,784 comm.communication             INFO       <24360.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,784 sats.satellite.Scanner-1       INFO       <24360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,786 gym                            INFO       <24360.00> Step reward: 0.004912280701754385
2025-07-02 00:48:21,787 gym                            INFO       <24360.00> === STARTING STEP ===
2025-07-02 00:48:21,787 sats.satellite.Scanner-1       INFO       <24360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,787 sats.satellite.Scanner-1       INFO       <24360.00> Scanner-1: setting timed terminal event at 24420.0
2025-07-02 00:48:21,796 sats.satellite.Scanner-1       INFO       <24420.00> Scanner-1: timed termination at 24420.0 for action_desat
2025-07-02 00:48:21,797 data.base                      INFO       <24420.00> Total reward: {}
2025-07-02 00:48:21,797 comm.communication             INFO       <24420.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,798 sats.satellite.Scanner-1       INFO       <24420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,800 gym                            INFO       <24420.00> Step reward: 0.0
2025-07-02 00:48:21,800 gym                            INFO       <24420.00> === STARTING STEP ===
2025-07-02 00:48:21,801 sats.satellite.Scanner-1       INFO       <24420.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,801 sats.satellite.Scanner-1       INFO       <24420.00> Scanner-1: setting timed terminal event at 24540.0
2025-07-02 00:48:21,814 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: timed termination at 24540.0 for action_charge
2025-07-02 00:48:21,815 data.base                      INFO       <24540.00> Total reward: {}
2025-07-02 00:48:21,815 comm.communication             INFO       <24540.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,816 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,817 gym                            INFO       <24540.00> Step reward: 0.0
2025-07-02 00:48:21,818 gym                            INFO       <24540.00> === STARTING STEP ===
2025-07-02 00:48:21,818 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,819 sats.satellite.Scanner-1       INFO       <24540.00> Scanner-1: setting timed terminal event at 24600.0
2025-07-02 00:48:21,826 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: timed termination at 24600.0 for action_downlink
2025-07-02 00:48:21,827 data.base                      INFO       <24600.00> Total reward: {}
2025-07-02 00:48:21,827 comm.communication             INFO       <24600.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,828 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,829 gym                            INFO       <24600.00> Step reward: 0.0
2025-07-02 00:48:21,830 gym                            INFO       <24600.00> === STARTING STEP ===
2025-07-02 00:48:21,830 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,831 sats.satellite.Scanner-1       INFO       <24600.00> Scanner-1: setting timed terminal event at 24660.0
2025-07-02 00:48:21,840 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: timed termination at 24660.0 for action_downlink
2025-07-02 00:48:21,840 data.base                      INFO       <24660.00> Total reward: {}
2025-07-02 00:48:21,841 comm.communication             INFO       <24660.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,841 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,843 gym                            INFO       <24660.00> Step reward: 0.0
2025-07-02 00:48:21,844 gym                            INFO       <24660.00> === STARTING STEP ===
2025-07-02 00:48:21,844 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:21,845 sats.satellite.Scanner-1       INFO       <24660.00> Scanner-1: setting timed terminal event at 24840.0
2025-07-02 00:48:21,867 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: timed termination at 24840.0 for action_nadir_scan
2025-07-02 00:48:21,868 data.base                      INFO       <24840.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:21,868 comm.communication             INFO       <24840.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,869 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,870 gym                            INFO       <24840.00> Step reward: 0.004912280701754385
2025-07-02 00:48:21,871 gym                            INFO       <24840.00> === STARTING STEP ===
2025-07-02 00:48:21,872 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,872 sats.satellite.Scanner-1       INFO       <24840.00> Scanner-1: setting timed terminal event at 24900.0
2025-07-02 00:48:21,881 sats.satellite.Scanner-1       INFO       <24900.00> Scanner-1: timed termination at 24900.0 for action_desat
2025-07-02 00:48:21,881 data.base                      INFO       <24900.00> Total reward: {}
2025-07-02 00:48:21,882 comm.communication             INFO       <24900.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,882 sats.satellite.Scanner-1       INFO       <24900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,884 gym                            INFO       <24900.00> Step reward: 0.0
2025-07-02 00:48:21,885 gym                            INFO       <24900.00> === STARTING STEP ===
2025-07-02 00:48:21,886 sats.satellite.Scanner-1       INFO       <24900.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,886 sats.satellite.Scanner-1       INFO       <24900.00> Scanner-1: setting timed terminal event at 24960.0
2025-07-02 00:48:21,893 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: timed termination at 24960.0 for action_downlink
2025-07-02 00:48:21,894 data.base                      INFO       <24960.00> Total reward: {}
2025-07-02 00:48:21,894 comm.communication             INFO       <24960.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,895 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,897 gym                            INFO       <24960.00> Step reward: 0.0
2025-07-02 00:48:21,897 gym                            INFO       <24960.00> === STARTING STEP ===
2025-07-02 00:48:21,898 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,898 sats.satellite.Scanner-1       INFO       <24960.00> Scanner-1: setting timed terminal event at 25080.0
2025-07-02 00:48:21,913 sats.satellite.Scanner-1       INFO       <25080.00> Scanner-1: timed termination at 25080.0 for action_charge
2025-07-02 00:48:21,914 data.base                      INFO       <25080.00> Total reward: {}
2025-07-02 00:48:21,914 comm.communication             INFO       <25080.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,915 sats.satellite.Scanner-1       INFO       <25080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,916 gym                            INFO       <25080.00> Step reward: 0.0
2025-07-02 00:48:21,917 gym                            INFO       <25080.00> === STARTING STEP ===
2025-07-02 00:48:21,918 sats.satellite.Scanner-1       INFO       <25080.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:21,919 sats.satellite.Scanner-1       INFO       <25080.00> Scanner-1: setting timed terminal event at 25200.0
2025-07-02 00:48:21,931 sats.satellite.Scanner-1       INFO       <25200.00> Scanner-1: timed termination at 25200.0 for action_charge
2025-07-02 00:48:21,932 data.base                      INFO       <25200.00> Total reward: {}
2025-07-02 00:48:21,932 comm.communication             INFO       <25200.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,933 sats.satellite.Scanner-1       INFO       <25200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,935 gym                            INFO       <25200.00> Step reward: 0.0
2025-07-02 00:48:21,935 gym                            INFO       <25200.00> === STARTING STEP ===
2025-07-02 00:48:21,936 sats.satellite.Scanner-1       INFO       <25200.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,936 sats.satellite.Scanner-1       INFO       <25200.00> Scanner-1: setting timed terminal event at 25260.0
2025-07-02 00:48:21,944 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: timed termination at 25260.0 for action_desat
2025-07-02 00:48:21,944 data.base                      INFO       <25260.00> Total reward: {}
2025-07-02 00:48:21,945 comm.communication             INFO       <25260.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,945 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,947 gym                            INFO       <25260.00> Step reward: 0.0
2025-07-02 00:48:21,948 gym                            INFO       <25260.00> === STARTING STEP ===
2025-07-02 00:48:21,948 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:21,948 sats.satellite.Scanner-1       INFO       <25260.00> Scanner-1: setting timed terminal event at 25320.0
2025-07-02 00:48:21,956 sats.satellite.Scanner-1       INFO       <25320.00> Scanner-1: timed termination at 25320.0 for action_desat
2025-07-02 00:48:21,956 data.base                      INFO       <25320.00> Total reward: {}
2025-07-02 00:48:21,957 comm.communication             INFO       <25320.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,958 sats.satellite.Scanner-1       INFO       <25320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,959 gym                            INFO       <25320.00> Step reward: 0.0
2025-07-02 00:48:21,960 gym                            INFO       <25320.00> === STARTING STEP ===
2025-07-02 00:48:21,961 sats.satellite.Scanner-1       INFO       <25320.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,961 sats.satellite.Scanner-1       INFO       <25320.00> Scanner-1: setting timed terminal event at 25380.0
2025-07-02 00:48:21,968 sats.satellite.Scanner-1       INFO       <25380.00> Scanner-1: timed termination at 25380.0 for action_downlink
2025-07-02 00:48:21,969 data.base                      INFO       <25380.00> Total reward: {}
2025-07-02 00:48:21,970 comm.communication             INFO       <25380.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,970 sats.satellite.Scanner-1       INFO       <25380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,972 gym                            INFO       <25380.00> Step reward: 0.0
2025-07-02 00:48:21,973 gym                            INFO       <25380.00> === STARTING STEP ===
2025-07-02 00:48:21,973 sats.satellite.Scanner-1       INFO       <25380.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:21,974 sats.satellite.Scanner-1       INFO       <25380.00> Scanner-1: setting timed terminal event at 25440.0
2025-07-02 00:48:21,981 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: timed termination at 25440.0 for action_downlink
2025-07-02 00:48:21,982 data.base                      INFO       <25440.00> Total reward: {}
2025-07-02 00:48:21,982 comm.communication             INFO       <25440.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:21,983 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:21,985 gym                            INFO       <25440.00> Step reward: 0.0
2025-07-02 00:48:21,985 gym                            INFO       <25440.00> === STARTING STEP ===
2025-07-02 00:48:21,986 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:21,986 sats.satellite.Scanner-1       INFO       <25440.00> Scanner-1: setting timed terminal event at 25620.0
2025-07-02 00:48:22,006 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: timed termination at 25620.0 for action_nadir_scan
2025-07-02 00:48:22,006 data.base                      INFO       <25620.00> Total reward: {'Scanner-1': 0.004912280701754385}
2025-07-02 00:48:22,007 comm.communication             INFO       <25620.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,008 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,009 gym                            INFO       <25620.00> Step reward: 0.004912280701754385
2025-07-02 00:48:22,010 gym                            INFO       <25620.00> === STARTING STEP ===
2025-07-02 00:48:22,010 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:22,011 sats.satellite.Scanner-1       INFO       <25620.00> Scanner-1: setting timed terminal event at 25740.0
2025-07-02 00:48:22,024 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: timed termination at 25740.0 for action_charge
2025-07-02 00:48:22,024 data.base                      INFO       <25740.00> Total reward: {}
2025-07-02 00:48:22,025 comm.communication             INFO       <25740.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,025 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,027 gym                            INFO       <25740.00> Step reward: 0.0
2025-07-02 00:48:22,028 gym                            INFO       <25740.00> === STARTING STEP ===
2025-07-02 00:48:22,028 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:22,028 sats.satellite.Scanner-1       INFO       <25740.00> Scanner-1: setting timed terminal event at 25800.0
2025-07-02 00:48:22,036 sats.satellite.Scanner-1       INFO       <25800.00> Scanner-1: timed termination at 25800.0 for action_desat
2025-07-02 00:48:22,037 data.base                      INFO       <25800.00> Total reward: {}
2025-07-02 00:48:22,037 comm.communication             INFO       <25800.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,038 sats.satellite.Scanner-1       INFO       <25800.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,051 gym                            INFO       <25800.00> Step reward: 0.0
2025-07-02 00:48:22,052 gym                            INFO       <25800.00> === STARTING STEP ===
2025-07-02 00:48:22,052 sats.satellite.Scanner-1       INFO       <25800.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:22,053 sats.satellite.Scanner-1       INFO       <25800.00> Scanner-1: setting timed terminal event at 25860.0
2025-07-02 00:48:22,060 sats.satellite.Scanner-1       INFO       <25860.00> Scanner-1: timed termination at 25860.0 for action_downlink
2025-07-02 00:48:22,061 data.base                      INFO       <25860.00> Total reward: {}
2025-07-02 00:48:22,061 comm.communication             INFO       <25860.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,062 sats.satellite.Scanner-1       INFO       <25860.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,064 gym                            INFO       <25860.00> Step reward: 0.0
2025-07-02 00:48:22,064 gym                            INFO       <25860.00> === STARTING STEP ===
2025-07-02 00:48:22,065 sats.satellite.Scanner-1       INFO       <25860.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:22,065 sats.satellite.Scanner-1       INFO       <25860.00> Scanner-1: setting timed terminal event at 25920.0
2025-07-02 00:48:22,073 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: timed termination at 25920.0 for action_desat
2025-07-02 00:48:22,074 data.base                      INFO       <25920.00> Total reward: {}
2025-07-02 00:48:22,074 comm.communication             INFO       <25920.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,075 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,076 gym                            INFO       <25920.00> Step reward: 0.0
2025-07-02 00:48:22,077 gym                            INFO       <25920.00> === STARTING STEP ===
2025-07-02 00:48:22,077 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:22,078 sats.satellite.Scanner-1       INFO       <25920.00> Scanner-1: setting timed terminal event at 26040.0
2025-07-02 00:48:22,091 sats.satellite.Scanner-1       INFO       <26040.00> Scanner-1: timed termination at 26040.0 for action_charge
2025-07-02 00:48:22,092 data.base                      INFO       <26040.00> Total reward: {}
2025-07-02 00:48:22,092 comm.communication             INFO       <26040.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,093 sats.satellite.Scanner-1       INFO       <26040.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,095 gym                            INFO       <26040.00> Step reward: 0.0
2025-07-02 00:48:22,095 gym                            INFO       <26040.00> === STARTING STEP ===
2025-07-02 00:48:22,096 sats.satellite.Scanner-1       INFO       <26040.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:22,096 sats.satellite.Scanner-1       INFO       <26040.00> Scanner-1: setting timed terminal event at 26160.0
2025-07-02 00:48:22,110 sats.satellite.Scanner-1       INFO       <26160.00> Scanner-1: timed termination at 26160.0 for action_charge
2025-07-02 00:48:22,111 data.base                      INFO       <26160.00> Total reward: {}
2025-07-02 00:48:22,111 comm.communication             INFO       <26160.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,112 sats.satellite.Scanner-1       INFO       <26160.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,113 gym                            INFO       <26160.00> Step reward: 0.0
2025-07-02 00:48:22,114 gym                            INFO       <26160.00> === STARTING STEP ===
2025-07-02 00:48:22,114 sats.satellite.Scanner-1       INFO       <26160.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:22,115 sats.satellite.Scanner-1       INFO       <26160.00> Scanner-1: setting timed terminal event at 26280.0
2025-07-02 00:48:22,128 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: timed termination at 26280.0 for action_charge
2025-07-02 00:48:22,128 data.base                      INFO       <26280.00> Total reward: {}
2025-07-02 00:48:22,129 comm.communication             INFO       <26280.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,129 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,131 gym                            INFO       <26280.00> Step reward: 0.0
2025-07-02 00:48:22,132 gym                            INFO       <26280.00> === STARTING STEP ===
2025-07-02 00:48:22,132 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:22,133 sats.satellite.Scanner-1       INFO       <26280.00> Scanner-1: setting timed terminal event at 26460.0
2025-07-02 00:48:22,152 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: timed termination at 26460.0 for action_nadir_scan
2025-07-02 00:48:22,152 data.base                      INFO       <26460.00> Total reward: {'Scanner-1': 0.00512280701754386}
2025-07-02 00:48:22,153 comm.communication             INFO       <26460.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,153 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,155 gym                            INFO       <26460.00> Step reward: 0.00512280701754386
2025-07-02 00:48:22,156 gym                            INFO       <26460.00> === STARTING STEP ===
2025-07-02 00:48:22,156 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:22,157 sats.satellite.Scanner-1       INFO       <26460.00> Scanner-1: setting timed terminal event at 26580.0
2025-07-02 00:48:22,170 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: timed termination at 26580.0 for action_charge
2025-07-02 00:48:22,170 data.base                      INFO       <26580.00> Total reward: {}
2025-07-02 00:48:22,171 comm.communication             INFO       <26580.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,171 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,173 gym                            INFO       <26580.00> Step reward: 0.0
2025-07-02 00:48:22,174 gym                            INFO       <26580.00> === STARTING STEP ===
2025-07-02 00:48:22,174 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:22,175 sats.satellite.Scanner-1       INFO       <26580.00> Scanner-1: setting timed terminal event at 26640.0
2025-07-02 00:48:22,182 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: timed termination at 26640.0 for action_downlink
2025-07-02 00:48:22,183 data.base                      INFO       <26640.00> Total reward: {}
2025-07-02 00:48:22,184 comm.communication             INFO       <26640.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,184 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,186 gym                            INFO       <26640.00> Step reward: 0.0
2025-07-02 00:48:22,187 gym                            INFO       <26640.00> === STARTING STEP ===
2025-07-02 00:48:22,187 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:22,188 sats.satellite.Scanner-1       INFO       <26640.00> Scanner-1: setting timed terminal event at 26820.0
2025-07-02 00:48:22,206 sats.satellite.Scanner-1       INFO       <26820.00> Scanner-1: timed termination at 26820.0 for action_nadir_scan
2025-07-02 00:48:22,207 data.base                      INFO       <26820.00> Total reward: {'Scanner-1': 0.004947368421052631}
2025-07-02 00:48:22,208 comm.communication             INFO       <26820.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,208 sats.satellite.Scanner-1       INFO       <26820.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,210 gym                            INFO       <26820.00> Step reward: 0.004947368421052631
2025-07-02 00:48:22,211 gym                            INFO       <26820.00> === STARTING STEP ===
2025-07-02 00:48:22,211 sats.satellite.Scanner-1       INFO       <26820.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:22,212 sats.satellite.Scanner-1       INFO       <26820.00> Scanner-1: setting timed terminal event at 26880.0
2025-07-02 00:48:22,219 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: timed termination at 26880.0 for action_desat
2025-07-02 00:48:22,220 data.base                      INFO       <26880.00> Total reward: {}
2025-07-02 00:48:22,220 comm.communication             INFO       <26880.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,221 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,222 gym                            INFO       <26880.00> Step reward: 0.0
2025-07-02 00:48:22,223 gym                            INFO       <26880.00> === STARTING STEP ===
2025-07-02 00:48:22,223 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:22,224 sats.satellite.Scanner-1       INFO       <26880.00> Scanner-1: setting timed terminal event at 27060.0
2025-07-02 00:48:22,243 sats.satellite.Scanner-1       INFO       <27060.00> Scanner-1: timed termination at 27060.0 for action_nadir_scan
2025-07-02 00:48:22,243 data.base                      INFO       <27060.00> Total reward: {'Scanner-1': 0.00487719298245614}
2025-07-02 00:48:22,244 comm.communication             INFO       <27060.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,244 sats.satellite.Scanner-1       INFO       <27060.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,246 gym                            INFO       <27060.00> Step reward: 0.00487719298245614
2025-07-02 00:48:22,247 gym                            INFO       <27060.00> === STARTING STEP ===
2025-07-02 00:48:22,247 sats.satellite.Scanner-1       INFO       <27060.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:22,248 sats.satellite.Scanner-1       INFO       <27060.00> Scanner-1: setting timed terminal event at 27180.0
2025-07-02 00:48:22,261 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: timed termination at 27180.0 for action_charge
2025-07-02 00:48:22,262 data.base                      INFO       <27180.00> Total reward: {}
2025-07-02 00:48:22,262 comm.communication             INFO       <27180.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,262 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,264 gym                            INFO       <27180.00> Step reward: 0.0
2025-07-02 00:48:22,265 gym                            INFO       <27180.00> === STARTING STEP ===
2025-07-02 00:48:22,265 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: action_nadir_scan tasked for 180.0 seconds
2025-07-02 00:48:22,266 sats.satellite.Scanner-1       INFO       <27180.00> Scanner-1: setting timed terminal event at 27360.0
2025-07-02 00:48:22,285 sats.satellite.Scanner-1       INFO       <27360.00> Scanner-1: timed termination at 27360.0 for action_nadir_scan
2025-07-02 00:48:22,286 data.base                      INFO       <27360.00> Total reward: {'Scanner-1': 0.005999999999999999}
2025-07-02 00:48:22,286 comm.communication             INFO       <27360.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,287 sats.satellite.Scanner-1       INFO       <27360.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,288 gym                            INFO       <27360.00> Step reward: 0.005999999999999999
2025-07-02 00:48:22,289 gym                            INFO       <27360.00> === STARTING STEP ===
2025-07-02 00:48:22,289 sats.satellite.Scanner-1       INFO       <27360.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:22,290 sats.satellite.Scanner-1       INFO       <27360.00> Scanner-1: setting timed terminal event at 27420.0
2025-07-02 00:48:22,298 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: timed termination at 27420.0 for action_desat
2025-07-02 00:48:22,299 data.base                      INFO       <27420.00> Total reward: {}
2025-07-02 00:48:22,299 comm.communication             INFO       <27420.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,300 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,301 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: Finding opportunity windows from 28800.00 to 29400.00 seconds
2025-07-02 00:48:22,304 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: Finding opportunity windows from 29400.00 to 30000.00 seconds
2025-07-02 00:48:22,308 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: Finding opportunity windows from 30000.00 to 30600.00 seconds
2025-07-02 00:48:22,312 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: Finding opportunity windows from 30600.00 to 31200.00 seconds
2025-07-02 00:48:22,315 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: Finding opportunity windows from 31200.00 to 31800.00 seconds
2025-07-02 00:48:22,319 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: Finding opportunity windows from 31800.00 to 32400.00 seconds
2025-07-02 00:48:22,324 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: Finding opportunity windows from 32400.00 to 33000.00 seconds
2025-07-02 00:48:22,330 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: Finding opportunity windows from 33000.00 to 33600.00 seconds
2025-07-02 00:48:22,337 gym                            INFO       <27420.00> Step reward: 0.0
2025-07-02 00:48:22,338 gym                            INFO       <27420.00> === STARTING STEP ===
2025-07-02 00:48:22,338 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:22,339 sats.satellite.Scanner-1       INFO       <27420.00> Scanner-1: setting timed terminal event at 27540.0
2025-07-02 00:48:22,354 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: timed termination at 27540.0 for action_charge
2025-07-02 00:48:22,355 data.base                      INFO       <27540.00> Total reward: {}
2025-07-02 00:48:22,355 comm.communication             INFO       <27540.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,356 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,358 gym                            INFO       <27540.00> Step reward: 0.0
2025-07-02 00:48:22,358 gym                            INFO       <27540.00> === STARTING STEP ===
2025-07-02 00:48:22,359 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:22,359 sats.satellite.Scanner-1       INFO       <27540.00> Scanner-1: setting timed terminal event at 27660.0
2025-07-02 00:48:22,372 sats.satellite.Scanner-1       INFO       <27660.00> Scanner-1: timed termination at 27660.0 for action_charge
2025-07-02 00:48:22,373 data.base                      INFO       <27660.00> Total reward: {}
2025-07-02 00:48:22,373 comm.communication             INFO       <27660.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,374 sats.satellite.Scanner-1       INFO       <27660.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,376 gym                            INFO       <27660.00> Step reward: 0.0
2025-07-02 00:48:22,376 gym                            INFO       <27660.00> === STARTING STEP ===
2025-07-02 00:48:22,377 sats.satellite.Scanner-1       INFO       <27660.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:22,377 sats.satellite.Scanner-1       INFO       <27660.00> Scanner-1: setting timed terminal event at 27720.0
2025-07-02 00:48:22,385 sats.satellite.Scanner-1       INFO       <27720.00> Scanner-1: timed termination at 27720.0 for action_downlink
2025-07-02 00:48:22,386 data.base                      INFO       <27720.00> Total reward: {}
2025-07-02 00:48:22,386 comm.communication             INFO       <27720.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,386 sats.satellite.Scanner-1       INFO       <27720.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,388 gym                            INFO       <27720.00> Step reward: 0.0
2025-07-02 00:48:22,388 gym                            INFO       <27720.00> === STARTING STEP ===
2025-07-02 00:48:22,389 sats.satellite.Scanner-1       INFO       <27720.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:22,389 sats.satellite.Scanner-1       INFO       <27720.00> Scanner-1: setting timed terminal event at 27840.0
2025-07-02 00:48:22,402 sats.satellite.Scanner-1       INFO       <27840.00> Scanner-1: timed termination at 27840.0 for action_charge
2025-07-02 00:48:22,403 data.base                      INFO       <27840.00> Total reward: {}
2025-07-02 00:48:22,403 comm.communication             INFO       <27840.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,404 sats.satellite.Scanner-1       INFO       <27840.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,406 gym                            INFO       <27840.00> Step reward: 0.0
2025-07-02 00:48:22,407 gym                            INFO       <27840.00> === STARTING STEP ===
2025-07-02 00:48:22,407 sats.satellite.Scanner-1       INFO       <27840.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:22,408 sats.satellite.Scanner-1       INFO       <27840.00> Scanner-1: setting timed terminal event at 27900.0
2025-07-02 00:48:22,416 sats.satellite.Scanner-1       INFO       <27900.00> Scanner-1: timed termination at 27900.0 for action_desat
2025-07-02 00:48:22,417 data.base                      INFO       <27900.00> Total reward: {}
2025-07-02 00:48:22,417 comm.communication             INFO       <27900.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,418 sats.satellite.Scanner-1       INFO       <27900.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,419 gym                            INFO       <27900.00> Step reward: 0.0
2025-07-02 00:48:22,420 gym                            INFO       <27900.00> === STARTING STEP ===
2025-07-02 00:48:22,421 sats.satellite.Scanner-1       INFO       <27900.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:22,421 sats.satellite.Scanner-1       INFO       <27900.00> Scanner-1: setting timed terminal event at 27960.0
2025-07-02 00:48:22,430 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: timed termination at 27960.0 for action_downlink
2025-07-02 00:48:22,430 data.base                      INFO       <27960.00> Total reward: {}
2025-07-02 00:48:22,430 comm.communication             INFO       <27960.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,431 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,433 gym                            INFO       <27960.00> Step reward: 0.0
2025-07-02 00:48:22,433 gym                            INFO       <27960.00> === STARTING STEP ===
2025-07-02 00:48:22,434 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:22,434 sats.satellite.Scanner-1       INFO       <27960.00> Scanner-1: setting timed terminal event at 28020.0
2025-07-02 00:48:22,442 sats.satellite.Scanner-1       INFO       <28020.00> Scanner-1: timed termination at 28020.0 for action_downlink
2025-07-02 00:48:22,442 data.base                      INFO       <28020.00> Total reward: {}
2025-07-02 00:48:22,443 comm.communication             INFO       <28020.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,443 sats.satellite.Scanner-1       INFO       <28020.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,445 gym                            INFO       <28020.00> Step reward: 0.0
2025-07-02 00:48:22,446 gym                            INFO       <28020.00> === STARTING STEP ===
2025-07-02 00:48:22,446 sats.satellite.Scanner-1       INFO       <28020.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:22,447 sats.satellite.Scanner-1       INFO       <28020.00> Scanner-1: setting timed terminal event at 28080.0
2025-07-02 00:48:22,454 sats.satellite.Scanner-1       INFO       <28080.00> Scanner-1: timed termination at 28080.0 for action_desat
2025-07-02 00:48:22,455 data.base                      INFO       <28080.00> Total reward: {}
2025-07-02 00:48:22,455 comm.communication             INFO       <28080.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,456 sats.satellite.Scanner-1       INFO       <28080.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,457 gym                            INFO       <28080.00> Step reward: 0.0
2025-07-02 00:48:22,458 gym                            INFO       <28080.00> === STARTING STEP ===
2025-07-02 00:48:22,458 sats.satellite.Scanner-1       INFO       <28080.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:22,459 sats.satellite.Scanner-1       INFO       <28080.00> Scanner-1: setting timed terminal event at 28140.0
2025-07-02 00:48:22,468 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: timed termination at 28140.0 for action_desat
2025-07-02 00:48:22,468 data.base                      INFO       <28140.00> Total reward: {}
2025-07-02 00:48:22,469 comm.communication             INFO       <28140.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,470 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,472 gym                            INFO       <28140.00> Step reward: 0.0
2025-07-02 00:48:22,472 gym                            INFO       <28140.00> === STARTING STEP ===
2025-07-02 00:48:22,473 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:22,473 sats.satellite.Scanner-1       INFO       <28140.00> Scanner-1: setting timed terminal event at 28200.0
2025-07-02 00:48:22,482 sats.satellite.Scanner-1       INFO       <28200.00> Scanner-1: timed termination at 28200.0 for action_desat
2025-07-02 00:48:22,482 data.base                      INFO       <28200.00> Total reward: {}
2025-07-02 00:48:22,483 comm.communication             INFO       <28200.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,483 sats.satellite.Scanner-1       INFO       <28200.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,485 gym                            INFO       <28200.00> Step reward: 0.0
2025-07-02 00:48:22,486 gym                            INFO       <28200.00> === STARTING STEP ===
2025-07-02 00:48:22,486 sats.satellite.Scanner-1       INFO       <28200.00> Scanner-1: action_charge tasked for 120.0 seconds
2025-07-02 00:48:22,486 sats.satellite.Scanner-1       INFO       <28200.00> Scanner-1: setting timed terminal event at 28320.0
2025-07-02 00:48:22,500 sats.satellite.Scanner-1       INFO       <28320.00> Scanner-1: timed termination at 28320.0 for action_charge
2025-07-02 00:48:22,501 data.base                      INFO       <28320.00> Total reward: {}
2025-07-02 00:48:22,501 comm.communication             INFO       <28320.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,502 sats.satellite.Scanner-1       INFO       <28320.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,504 gym                            INFO       <28320.00> Step reward: 0.0
2025-07-02 00:48:22,504 gym                            INFO       <28320.00> === STARTING STEP ===
2025-07-02 00:48:22,505 sats.satellite.Scanner-1       INFO       <28320.00> Scanner-1: action_downlink tasked for 60.0 seconds
2025-07-02 00:48:22,505 sats.satellite.Scanner-1       INFO       <28320.00> Scanner-1: setting timed terminal event at 28380.0
2025-07-02 00:48:22,513 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: timed termination at 28380.0 for action_downlink
2025-07-02 00:48:22,513 data.base                      INFO       <28380.00> Total reward: {}
2025-07-02 00:48:22,514 comm.communication             INFO       <28380.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,514 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,516 gym                            INFO       <28380.00> Step reward: 0.0
2025-07-02 00:48:22,517 gym                            INFO       <28380.00> === STARTING STEP ===
2025-07-02 00:48:22,517 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:22,518 sats.satellite.Scanner-1       INFO       <28380.00> Scanner-1: setting timed terminal event at 28440.0
2025-07-02 00:48:22,525 sats.satellite.Scanner-1       INFO       <28440.00> Scanner-1: timed termination at 28440.0 for action_desat
2025-07-02 00:48:22,526 data.base                      INFO       <28440.00> Total reward: {}
2025-07-02 00:48:22,526 comm.communication             INFO       <28440.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,527 sats.satellite.Scanner-1       INFO       <28440.00> Scanner-1: Satellite Scanner-1 requires retasking
2025-07-02 00:48:22,529 gym                            INFO       <28440.00> Step reward: 0.0
2025-07-02 00:48:22,529 gym                            INFO       <28440.00> === STARTING STEP ===
2025-07-02 00:48:22,530 sats.satellite.Scanner-1       INFO       <28440.00> Scanner-1: action_desat tasked for 60.0 seconds
2025-07-02 00:48:22,530 sats.satellite.Scanner-1       INFO       <28440.00> Scanner-1: setting timed terminal event at 28500.0
2025-07-02 00:48:22,538 data.base                      INFO       <28500.00> Total reward: {}
2025-07-02 00:48:22,538 comm.communication             INFO       <28500.00> Optimizing data communication between all pairs of satellites
2025-07-02 00:48:22,540 gym                            INFO       <28500.00> Step reward: 0.0
2025-07-02 00:48:22,540 gym                            INFO       <28500.00> Episode terminated: True
2025-07-02 00:48:22,541 gym                            INFO       <28500.00> Episode truncated: True