Cloud Environment
This tutorial demonstrates the configuration and use of a simple BSK-RL environment considering cloud coverage. The satellite has to image targets while managing its battery level. Additionally, reward is inversely proportional to the amount of cloud coverage. Still, the satellite cannot observe the true cloud coverage of each target, only its forecast.
Load Modules
[1]:
import gymnasium as gym
import numpy as np
from typing import Optional
from Basilisk.architecture import bskLogging
from Basilisk.utilities import orbitalMotion
from bsk_rl import act, obs, sats
from bsk_rl.sim import dyn, fsw, world
from bsk_rl.utils.orbital import random_orbit
from bsk_rl.scene.targets import UniformTargets
from bsk_rl.data.unique_image_data import (
UniqueImageData,
UniqueImageStore,
UniqueImageReward,
)
bskLogging.setDefaultLogLevel(bskLogging.BSK_WARNING)
Configure the Satellite
-
SatProperties: Body angular velocity, instrument pointing direction, body position, body velocity, battery charge (properties in flight software model or dynamics model). Also, customized dynamics property in CustomDynModel below: Angle between the sun and the solar panel.
OpportunityProperties: Target’s priority, cloud coverage forecast, and standard deviation of cloud coverage forecast (upcoming 32 targets). Also, time until the opportunity to ground station opens and closes.
Time: Simulation time.
Eclipse: Next eclipse start and end times.
-
Charge: Enter a sun-pointing charging mode for 60 seconds.
Image: Image target from upcoming 32 targets
Dynamics model: FullFeaturedDynModel is used and a property, angle between sun and solar panel, is added.
Flight software model: SteeringImagerFSWModel is used.
[2]:
class CustomSatComposed(sats.ImagingSatellite):
observation_spec = [
obs.SatProperties(
dict(prop="omega_BP_P", norm=0.03),
dict(prop="c_hat_P"),
dict(prop="r_BN_P", norm=orbitalMotion.REQ_EARTH * 1e3),
dict(prop="v_BN_P", norm=7616.5),
dict(prop="battery_charge_fraction"),
dict(prop="solar_angle_norm"),
),
obs.OpportunityProperties(
# dict(fn=lambda sat, opp: print(opp)),
dict(prop="opportunity_open", norm=5700),
dict(prop="opportunity_close", norm=5700),
type="ground_station",
n_ahead_observe=1,
),
obs.Eclipse(),
obs.OpportunityProperties(
dict(prop="priority"),
dict(fn=lambda sat, opp: opp["object"].cloud_cover_forecast),
dict(fn=lambda sat, opp: opp["object"].cloud_cover_sigma),
type="target",
n_ahead_observe=32,
),
obs.Time(),
]
action_spec = [
act.Charge(duration=60.0),
act.Image(n_ahead_image=32),
]
class CustomDynModel(dyn.FullFeaturedDynModel):
@property
def solar_angle_norm(self) -> float:
sun_vec_N = (
self.world.gravFactory.spiceObject.planetStateOutMsgs[
self.world.sun_index
]
.read()
.PositionVector
)
sun_vec_N_hat = sun_vec_N / np.linalg.norm(sun_vec_N)
solar_panel_vec_B = np.array([0, 0, -1]) # Not default configuration
mat = np.transpose(self.BN)
solar_panel_vec_N = np.matmul(mat, solar_panel_vec_B)
error_angle = np.arccos(np.dot(solar_panel_vec_N, sun_vec_N_hat))
return error_angle / np.pi
dyn_type = CustomDynModel
fsw_type = fsw.SteeringImagerFSWModel
When instantiating a satellite, these parameters can be overriden with a constant or rerandomized every time the environment is reset using the sat_args dictionary.
[3]:
dataStorageCapacity = 20 * 8e6 * 100
sat_args = CustomSatComposed.default_sat_args(
oe=random_orbit,
imageAttErrorRequirement=0.01,
imageRateErrorRequirement=0.01,
batteryStorageCapacity=80.0 * 3600 * 2,
storedCharge_Init=lambda: np.random.uniform(0.4, 1.0) * 80.0 * 3600 * 2,
u_max=0.2,
K1=0.5,
nHat_B=np.array([0, 0, -1]),
imageTargetMinimumElevation=np.radians(45),
rwBasePower=20,
maxWheelSpeed=1500,
storageInit=lambda: np.random.randint(
0 * dataStorageCapacity,
0.01 * dataStorageCapacity,
), # Initialize storage use close to zero
wheelSpeeds=lambda: np.random.uniform(
-1, 1, 3
), # Initialize reaction wheel speeds close to zero
)
# Make the satellites
satellites = []
satellites.append(
CustomSatComposed(
"EO",
sat_args,
)
)
Making a Scenario with Cloud Covered Targets
Using UniformTargets as a base, attach the following information to each target:
true_cloud_coverrepresents the true cloud coverage. Information from external sources, such as historical cloud data, can be used here based on each target’s position.cloud_cover_forecastrepresents the cloud coverage forecast. Forecast from external sources can be plugged in here.cloud_cover_sigmarepresents the standard deviation of the cloud coverage forecast.
[4]:
class CloudTargets(UniformTargets):
mu_data = 0.6740208166434426
sigma_max = 0.05
sigma_min = 0.01
def regenerate_targets(self) -> None:
super().regenerate_targets()
for target in self.targets:
target.true_cloud_cover = np.clip(
np.random.uniform(0.0, self.mu_data * 2), 0.0, 1.0
)
target.cloud_cover_sigma = np.random.uniform(self.sigma_min, self.sigma_max)
target.cloud_cover_forecast = np.clip(
np.random.normal(target.true_cloud_cover, target.cloud_cover_sigma),
0.0,
1.0,
)
n_targets = (1000, 10000)
scenario = CloudTargets(n_targets=n_targets)
Adding a Filter Based on Cloud Coverage Forecast
It is possible to add a filter to the satellite using add_access_filter to remove targets with cloud_cover_forecast higher than a threshold from the observations.
[5]:
def cloud_cover_filter(opportunity):
if opportunity["type"] == "target":
return True if opportunity["object"].cloud_cover_forecast < 0.2 else False
return True
# Uncomment the following line to add the filter to the satellite
# satellites[0].add_access_filter(cloud_cover_filter)
Making a Rewarder Considering Cloud Coverage
A linear reward model is considered, where the reward is proportional to the cloud coverage of the target until a given threshold given by cloud_threshold. It has similar settings as the UniqueImageReward class, but cloud_covered and cloud_free information is added. Additionally, the calculate_reward function is modified for the linear reward model.
[6]:
from typing import TYPE_CHECKING
if TYPE_CHECKING: # pragma: no cover
from bsk_rl.scene.targets import (
Target,
)
class CloudImagePercentData(UniqueImageData):
"""DataType for unique images of targets."""
def __init__(
self,
imaged: Optional[set["Target"]] = None,
duplicates: int = 0,
known: Optional[set["Target"]] = None,
cloud_covered: Optional[set["Target"]] = None,
cloud_free: Optional[set["Target"]] = None,
) -> None:
"""Construct unit of data to record unique images.
Keeps track of ``imaged`` targets, a count of ``duplicates`` (i.e. images that
were not rewarded due to the target already having been imaged), and all
``known`` targets in the environment.
Args:
imaged: Set of targets that are known to be imaged.
duplicates: Count of target imaging duplication.
known: Set of targets that are known to exist (imaged and unimaged).
cloud_covered: Set of imaged targets that are known to be cloud covered.
cloud_free: Set of imaged targets that are known to be cloud free.
"""
super().__init__(imaged=imaged, duplicates=duplicates, known=known)
if cloud_covered is None:
cloud_covered = set()
if cloud_free is None:
cloud_free = set()
self.cloud_covered = set(cloud_covered)
self.cloud_free = set(cloud_free)
def __add__(self, other: "CloudImagePercentData") -> "CloudImagePercentData":
"""Combine two units of data.
Args:
other: Another unit of data to combine with this one.
Returns:
Combined unit of data.
"""
imaged = self.imaged | other.imaged
duplicates = (
self.duplicates
+ other.duplicates
+ len(self.imaged)
+ len(other.imaged)
- len(imaged)
)
known = self.known | other.known
cloud_covered = self.cloud_covered | other.cloud_covered
cloud_free = self.cloud_free | other.cloud_free
return self.__class__(
imaged=imaged,
duplicates=duplicates,
known=known,
cloud_covered=cloud_covered,
cloud_free=cloud_free,
)
class CloudImagePercentDataStore(UniqueImageStore):
"""DataStore for unique images of targets."""
data_type = CloudImagePercentData
def compare_log_states(
self, old_state: np.ndarray, new_state: np.ndarray
) -> CloudImagePercentData:
"""Check for an increase in logged data to identify new images.
Args:
old_state: older storedData from satellite storage unit
new_state: newer storedData from satellite storage unit
Returns:
list: Targets imaged at new_state that were unimaged at old_state
"""
data_increase = new_state - old_state
if data_increase <= 0:
return CloudImagePercentData()
else:
assert self.satellite.latest_target is not None
self.update_target_colors([self.satellite.latest_target])
cloud_coverage = self.satellite.latest_target.true_cloud_cover
cloud_threshold = 0.7
if cloud_coverage > cloud_threshold:
cloud_covered = [self.satellite.latest_target]
cloud_free = []
else:
cloud_covered = []
cloud_free = [self.satellite.latest_target]
return CloudImagePercentData(
imaged={self.satellite.latest_target},
cloud_covered=cloud_covered,
cloud_free=cloud_free,
)
class CloudImagingPercentRewarder(UniqueImageReward):
"""DataManager for rewarding unique images."""
data_store_type = CloudImagePercentDataStore
def calculate_reward(
self, new_data_dict: dict[str, CloudImagePercentData]
) -> dict[str, float]:
"""Reward new each unique image once using self.reward_fn().
Args:
new_data_dict: Record of new images for each satellite
Returns:
reward: Cumulative reward across satellites for one step
"""
reward = {}
imaged_counts = {}
for new_data in new_data_dict.values():
for target in new_data.imaged:
if target not in imaged_counts:
imaged_counts[target] = 0
imaged_counts[target] += 1
for sat_id, new_data in new_data_dict.items():
reward[sat_id] = 0.0
for target in new_data.cloud_free:
if target not in self.data.imaged:
reward[sat_id] += self.reward_fn(
target.priority,
target.true_cloud_cover,
imaged_counts[target],
)
return reward
# Define the reward function as a function of the priority of the target, the cloud cover, and the number of times the target has been imaged
def reward_function(priority, cloud_cover, count_target):
cloud_threshold = 0.7
return priority / count_target * (1 - cloud_cover / cloud_threshold)
rewarder = CloudImagingPercentRewarder(reward_fn=reward_function)
Initializing and Interacting with the Environment
For this example, we will be using the single-agent SatelliteTasking environment. Along with passing the satellite that we configured, the environment takes a scenario, which defines the environment the satellite is acting in, and a rewarder, which defines how data collected from the scenario is rewarded.
[7]:
env = gym.make(
"GeneralSatelliteTasking-v1",
satellites=satellites,
terminate_on_time_limit=True,
world_type=world.GroundStationWorldModel,
world_args=world.GroundStationWorldModel.default_world_args(),
scenario=scenario,
rewarder=rewarder,
sim_rate=0.5,
max_step_duration=300.0,
time_limit=95 * 60 * 3,
log_level="INFO",
failure_penalty=0,
# disable_env_checker=True, # For debugging
)
2025-11-19 19:38:44,247 gym INFO Calling env.reset() to get observation space
2025-11-19 19:38:44,248 gym INFO Resetting environment with seed=1264849492
2025-11-19 19:38:44,249 scene.targets INFO Generating 8471 targets
2025-11-19 19:38:44,591 sats.satellite.EO INFO <0.00> EO: Finding opportunity windows from 0.00 to 17400.00 seconds
2025-11-19 19:38:46,558 gym INFO <0.00> Environment reset
First, reset the environment. It is possible to specify the seed when resetting the environment.
[8]:
observation, info = env.reset(seed=1)
2025-11-19 19:38:46,610 gym INFO Resetting environment with seed=1
2025-11-19 19:38:46,612 scene.targets INFO Generating 9920 targets
2025-11-19 19:38:46,917 sats.satellite.EO INFO <0.00> EO: Finding opportunity windows from 0.00 to 17400.00 seconds
2025-11-19 19:38:49,298 gym INFO <0.00> Environment reset
It is possible to printing out the actions and observations. The composed satellite action_description returns a human-readable action map each satellite has the same action space and similar observation space.
[9]:
print("Actions:", satellites[0].action_description)
print("States:", env.unwrapped.satellites[0].observation_description, "\n")
# Using the composed satellite features also provides a human-readable state:
for satellite in env.unwrapped.satellites:
for k, v in satellite.observation_builder.obs_dict().items():
print(f"{k}: {v}")
Actions: ['action_charge', 'action_image_0', 'action_image_1', 'action_image_2', 'action_image_3', 'action_image_4', 'action_image_5', 'action_image_6', 'action_image_7', 'action_image_8', 'action_image_9', 'action_image_10', 'action_image_11', 'action_image_12', 'action_image_13', 'action_image_14', 'action_image_15', 'action_image_16', 'action_image_17', 'action_image_18', 'action_image_19', 'action_image_20', 'action_image_21', 'action_image_22', 'action_image_23', 'action_image_24', 'action_image_25', 'action_image_26', 'action_image_27', 'action_image_28', 'action_image_29', 'action_image_30', 'action_image_31']
States: [np.str_('sat_props.omega_BP_P_normd[0]'), np.str_('sat_props.omega_BP_P_normd[1]'), np.str_('sat_props.omega_BP_P_normd[2]'), np.str_('sat_props.c_hat_P[0]'), np.str_('sat_props.c_hat_P[1]'), np.str_('sat_props.c_hat_P[2]'), np.str_('sat_props.r_BN_P_normd[0]'), np.str_('sat_props.r_BN_P_normd[1]'), np.str_('sat_props.r_BN_P_normd[2]'), np.str_('sat_props.v_BN_P_normd[0]'), np.str_('sat_props.v_BN_P_normd[1]'), np.str_('sat_props.v_BN_P_normd[2]'), np.str_('sat_props.battery_charge_fraction'), np.str_('sat_props.solar_angle_norm'), np.str_('ground_station.ground_station_0.opportunity_open_normd'), np.str_('ground_station.ground_station_0.opportunity_close_normd'), np.str_('eclipse[0]'), np.str_('eclipse[1]'), np.str_('target.target_0.priority'), np.str_('target.target_0.prop_1'), np.str_('target.target_0.prop_2'), np.str_('target.target_1.priority'), np.str_('target.target_1.prop_1'), np.str_('target.target_1.prop_2'), np.str_('target.target_2.priority'), np.str_('target.target_2.prop_1'), np.str_('target.target_2.prop_2'), np.str_('target.target_3.priority'), np.str_('target.target_3.prop_1'), np.str_('target.target_3.prop_2'), np.str_('target.target_4.priority'), np.str_('target.target_4.prop_1'), np.str_('target.target_4.prop_2'), np.str_('target.target_5.priority'), np.str_('target.target_5.prop_1'), np.str_('target.target_5.prop_2'), np.str_('target.target_6.priority'), np.str_('target.target_6.prop_1'), np.str_('target.target_6.prop_2'), np.str_('target.target_7.priority'), np.str_('target.target_7.prop_1'), np.str_('target.target_7.prop_2'), np.str_('target.target_8.priority'), np.str_('target.target_8.prop_1'), np.str_('target.target_8.prop_2'), np.str_('target.target_9.priority'), np.str_('target.target_9.prop_1'), np.str_('target.target_9.prop_2'), np.str_('target.target_10.priority'), np.str_('target.target_10.prop_1'), np.str_('target.target_10.prop_2'), np.str_('target.target_11.priority'), np.str_('target.target_11.prop_1'), np.str_('target.target_11.prop_2'), np.str_('target.target_12.priority'), np.str_('target.target_12.prop_1'), np.str_('target.target_12.prop_2'), np.str_('target.target_13.priority'), np.str_('target.target_13.prop_1'), np.str_('target.target_13.prop_2'), np.str_('target.target_14.priority'), np.str_('target.target_14.prop_1'), np.str_('target.target_14.prop_2'), np.str_('target.target_15.priority'), np.str_('target.target_15.prop_1'), np.str_('target.target_15.prop_2'), np.str_('target.target_16.priority'), np.str_('target.target_16.prop_1'), np.str_('target.target_16.prop_2'), np.str_('target.target_17.priority'), np.str_('target.target_17.prop_1'), np.str_('target.target_17.prop_2'), np.str_('target.target_18.priority'), np.str_('target.target_18.prop_1'), np.str_('target.target_18.prop_2'), np.str_('target.target_19.priority'), np.str_('target.target_19.prop_1'), np.str_('target.target_19.prop_2'), np.str_('target.target_20.priority'), np.str_('target.target_20.prop_1'), np.str_('target.target_20.prop_2'), np.str_('target.target_21.priority'), np.str_('target.target_21.prop_1'), np.str_('target.target_21.prop_2'), np.str_('target.target_22.priority'), np.str_('target.target_22.prop_1'), np.str_('target.target_22.prop_2'), np.str_('target.target_23.priority'), np.str_('target.target_23.prop_1'), np.str_('target.target_23.prop_2'), np.str_('target.target_24.priority'), np.str_('target.target_24.prop_1'), np.str_('target.target_24.prop_2'), np.str_('target.target_25.priority'), np.str_('target.target_25.prop_1'), np.str_('target.target_25.prop_2'), np.str_('target.target_26.priority'), np.str_('target.target_26.prop_1'), np.str_('target.target_26.prop_2'), np.str_('target.target_27.priority'), np.str_('target.target_27.prop_1'), np.str_('target.target_27.prop_2'), np.str_('target.target_28.priority'), np.str_('target.target_28.prop_1'), np.str_('target.target_28.prop_2'), np.str_('target.target_29.priority'), np.str_('target.target_29.prop_1'), np.str_('target.target_29.prop_2'), np.str_('target.target_30.priority'), np.str_('target.target_30.prop_1'), np.str_('target.target_30.prop_2'), np.str_('target.target_31.priority'), np.str_('target.target_31.prop_1'), np.str_('target.target_31.prop_2'), np.str_('time')]
sat_props: {'omega_BP_P_normd': array([ 0.00275859, -0.00064194, -0.0038198 ]), 'c_hat_P': array([-0.92971139, -0.08402577, -0.35857551]), 'r_BN_P_normd': array([-0.86709638, 0.63816435, 0.03753885]), 'v_BN_P_normd': array([0.25160036, 0.28603904, 0.94893265]), 'battery_charge_fraction': 0.48805353449026784, 'solar_angle_norm': np.float64(0.3699294044324927)}
ground_station: {'ground_station_0': {'opportunity_open_normd': 0.5643954203724235, 'opportunity_close_normd': 0.6302962032834142}}
eclipse: [1.0, 1.0]
target: {'target_0': {'priority': 0.15188087924578286, 'prop_1': np.float64(0.99621184759255), 'prop_2': 0.01994306637679705}, 'target_1': {'priority': 0.45408991725807724, 'prop_1': np.float64(0.874052642439568), 'prop_2': 0.024897489369114685}, 'target_2': {'priority': 0.9974742584612157, 'prop_1': np.float64(0.23281787763016193), 'prop_2': 0.017187270653050937}, 'target_3': {'priority': 0.6226449255263621, 'prop_1': np.float64(0.16615572477135115), 'prop_2': 0.0397428591914165}, 'target_4': {'priority': 0.64110481456894, 'prop_1': np.float64(0.43956713900862204), 'prop_2': 0.0340473472529546}, 'target_5': {'priority': 0.06188246788512386, 'prop_1': np.float64(1.0), 'prop_2': 0.04915355747465875}, 'target_6': {'priority': 0.41637743150489814, 'prop_1': np.float64(0.6414641561471661), 'prop_2': 0.03964127131943236}, 'target_7': {'priority': 0.11649443653250835, 'prop_1': np.float64(1.0), 'prop_2': 0.030915002844493736}, 'target_8': {'priority': 0.024073691044198653, 'prop_1': np.float64(0.7824145445337269), 'prop_2': 0.012737288328598622}, 'target_9': {'priority': 0.9837855541915604, 'prop_1': np.float64(0.5999478704231446), 'prop_2': 0.041158164826759686}, 'target_10': {'priority': 0.5006195729230891, 'prop_1': np.float64(0.33257922871550927), 'prop_2': 0.030972496793019902}, 'target_11': {'priority': 0.9818994020158649, 'prop_1': np.float64(0.2795779616797209), 'prop_2': 0.014305523848347735}, 'target_12': {'priority': 0.34420130779211366, 'prop_1': np.float64(0.9921866170914561), 'prop_2': 0.025988506848865646}, 'target_13': {'priority': 0.03597928584932897, 'prop_1': np.float64(0.25849229848356386), 'prop_2': 0.02508709527630866}, 'target_14': {'priority': 0.6106826298238791, 'prop_1': np.float64(0.4331358500437723), 'prop_2': 0.04619760042322715}, 'target_15': {'priority': 0.6172276417522594, 'prop_1': np.float64(0.6040285964715363), 'prop_2': 0.021453269167399543}, 'target_16': {'priority': 0.4059609797467638, 'prop_1': np.float64(0.3150991123390838), 'prop_2': 0.026283028618400962}, 'target_17': {'priority': 0.618930423097489, 'prop_1': np.float64(0.26503065014605437), 'prop_2': 0.03970130222062493}, 'target_18': {'priority': 0.4534325175961308, 'prop_1': np.float64(0.1726335068120615), 'prop_2': 0.019029710522383173}, 'target_19': {'priority': 0.2191222392982266, 'prop_1': np.float64(0.6471546794019115), 'prop_2': 0.02363442279473462}, 'target_20': {'priority': 0.0012690216963487932, 'prop_1': np.float64(0.34316798721006386), 'prop_2': 0.024782907724775677}, 'target_21': {'priority': 0.8729048676586963, 'prop_1': np.float64(1.0), 'prop_2': 0.03974937121258252}, 'target_22': {'priority': 0.8112195342113623, 'prop_1': np.float64(1.0), 'prop_2': 0.044297123184459865}, 'target_23': {'priority': 0.7330033732927641, 'prop_1': np.float64(0.527906413489412), 'prop_2': 0.029396772692939825}, 'target_24': {'priority': 0.9621731191427757, 'prop_1': np.float64(1.0), 'prop_2': 0.020288225732818424}, 'target_25': {'priority': 0.9058084167065523, 'prop_1': np.float64(0.3745867778323258), 'prop_2': 0.04866955536519839}, 'target_26': {'priority': 0.7199403969458167, 'prop_1': np.float64(0.45615182138411925), 'prop_2': 0.04409986297714217}, 'target_27': {'priority': 0.0231224939829332, 'prop_1': np.float64(0.42635750848590165), 'prop_2': 0.03331115189104554}, 'target_28': {'priority': 0.8601729369162051, 'prop_1': np.float64(0.9538964971620012), 'prop_2': 0.03781681927036095}, 'target_29': {'priority': 0.0494800239061014, 'prop_1': np.float64(0.2245229655462288), 'prop_2': 0.012364549909917715}, 'target_30': {'priority': 0.19971974218805755, 'prop_1': np.float64(0.08501284636907142), 'prop_2': 0.030059267434030895}, 'target_31': {'priority': 0.9689104709978394, 'prop_1': np.float64(0.9468153199274215), 'prop_2': 0.02370500523690022}}
time: 0.0
Then, run the simulation until timeout or agent failure.
[10]:
count = 0
while True:
if count == 0:
# Vector with an action for each satellite (we can pass different actions for each satellite)
# Tasking all satellites to charge (tasking None as the first action will raise a warning)
action_vector = [0]
elif count == 1:
# None will continue the last action, but will also raise a warning
action_vector = [None]
elif count == 2:
# Tasking different actions for each satellite
action_vector = [1]
else:
# Tasking random actions
action_vector = env.action_space.sample()
count += 1
observation, reward, terminated, truncated, info = env.step(action_vector)
# Show the custom normalized observation vector
# print("\tObservation:", observation)
if terminated or truncated:
print("Episode complete.")
break
2025-11-19 19:38:49,312 gym INFO <0.00> === STARTING STEP ===
2025-11-19 19:38:49,312 sats.satellite.EO INFO <0.00> EO: action_charge tasked for 60.0 seconds
2025-11-19 19:38:49,313 sats.satellite.EO INFO <0.00> EO: setting timed terminal event at 60.0
2025-11-19 19:38:49,321 sats.satellite.EO INFO <60.00> EO: timed termination at 60.0 for action_charge
2025-11-19 19:38:49,323 data.base INFO <60.00> Total reward: {}
2025-11-19 19:38:49,323 comm.communication INFO <60.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,325 sats.satellite.EO INFO <60.00> EO: Satellite EO requires retasking
2025-11-19 19:38:49,351 gym INFO <60.00> Step reward: 0.0
2025-11-19 19:38:49,352 gym INFO <60.00> === STARTING STEP ===
2025-11-19 19:38:49,353 sats.satellite.EO WARNING <60.00> EO: Requires retasking but received no task.
2025-11-19 19:38:49,387 sim.simulator INFO <360.00> Max step duration reached
2025-11-19 19:38:49,389 data.base INFO <360.00> Total reward: {}
2025-11-19 19:38:49,389 comm.communication INFO <360.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,390 sats.satellite.EO INFO <360.00> EO: Satellite EO requires retasking
2025-11-19 19:38:49,417 gym INFO <360.00> Step reward: 0.0
2025-11-19 19:38:49,418 gym INFO <360.00> === STARTING STEP ===
2025-11-19 19:38:49,418 sats.satellite.EO INFO <360.00> EO: target index 0 tasked
2025-11-19 19:38:49,419 sats.satellite.EO INFO <360.00> EO: Target(tgt-7918) tasked for imaging
2025-11-19 19:38:49,420 sats.satellite.EO INFO <360.00> EO: Target(tgt-7918) window enabled: 256.2 to 377.2
2025-11-19 19:38:49,421 sats.satellite.EO INFO <360.00> EO: setting timed terminal event at 377.2
2025-11-19 19:38:49,426 sats.satellite.EO INFO <377.50> EO: timed termination at 377.2 for Target(tgt-7918) window
2025-11-19 19:38:49,428 data.base INFO <377.50> Total reward: {}
2025-11-19 19:38:49,428 comm.communication INFO <377.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,429 sats.satellite.EO INFO <377.50> EO: Satellite EO requires retasking
2025-11-19 19:38:49,455 gym INFO <377.50> Step reward: 0.0
2025-11-19 19:38:49,456 gym INFO <377.50> === STARTING STEP ===
2025-11-19 19:38:49,456 sats.satellite.EO INFO <377.50> EO: target index 5 tasked
2025-11-19 19:38:49,457 sats.satellite.EO INFO <377.50> EO: Target(tgt-2148) tasked for imaging
2025-11-19 19:38:49,458 sats.satellite.EO INFO <377.50> EO: Target(tgt-2148) window enabled: 319.7 to 427.4
2025-11-19 19:38:49,459 sats.satellite.EO INFO <377.50> EO: setting timed terminal event at 427.4
2025-11-19 19:38:49,470 sats.satellite.EO INFO <420.50> EO: imaged Target(tgt-2148)
2025-11-19 19:38:49,471 data.base INFO <420.50> Total reward: {'EO': np.float64(0.013816719566203629)}
2025-11-19 19:38:49,472 comm.communication INFO <420.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,473 sats.satellite.EO INFO <420.50> EO: Satellite EO requires retasking
2025-11-19 19:38:49,500 gym INFO <420.50> Step reward: 0.013816719566203629
2025-11-19 19:38:49,500 gym INFO <420.50> === STARTING STEP ===
2025-11-19 19:38:49,501 sats.satellite.EO INFO <420.50> EO: target index 5 tasked
2025-11-19 19:38:49,502 sats.satellite.EO INFO <420.50> EO: Target(tgt-2692) tasked for imaging
2025-11-19 19:38:49,503 sats.satellite.EO INFO <420.50> EO: Target(tgt-2692) window enabled: 462.6 to 513.3
2025-11-19 19:38:49,503 sats.satellite.EO INFO <420.50> EO: setting timed terminal event at 513.3
2025-11-19 19:38:49,520 sats.satellite.EO INFO <478.00> EO: imaged Target(tgt-2692)
2025-11-19 19:38:49,521 data.base INFO <478.00> Total reward: {}
2025-11-19 19:38:49,522 comm.communication INFO <478.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,523 sats.satellite.EO INFO <478.00> EO: Satellite EO requires retasking
2025-11-19 19:38:49,549 gym INFO <478.00> Step reward: 0.0
2025-11-19 19:38:49,549 gym INFO <478.00> === STARTING STEP ===
2025-11-19 19:38:49,550 sats.satellite.EO INFO <478.00> EO: target index 25 tasked
2025-11-19 19:38:49,550 sats.satellite.EO INFO <478.00> EO: Target(tgt-6601) tasked for imaging
2025-11-19 19:38:49,551 sats.satellite.EO INFO <478.00> EO: Target(tgt-6601) window enabled: 560.9 to 642.6
2025-11-19 19:38:49,552 sats.satellite.EO INFO <478.00> EO: setting timed terminal event at 642.6
2025-11-19 19:38:49,572 sats.satellite.EO INFO <562.00> EO: imaged Target(tgt-6601)
2025-11-19 19:38:49,574 data.base INFO <562.00> Total reward: {'EO': np.float64(0.22533059778289494)}
2025-11-19 19:38:49,574 comm.communication INFO <562.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,575 sats.satellite.EO INFO <562.00> EO: Satellite EO requires retasking
2025-11-19 19:38:49,602 gym INFO <562.00> Step reward: 0.22533059778289494
2025-11-19 19:38:49,603 gym INFO <562.00> === STARTING STEP ===
2025-11-19 19:38:49,604 sats.satellite.EO INFO <562.00> EO: target index 30 tasked
2025-11-19 19:38:49,604 sats.satellite.EO INFO <562.00> EO: Target(tgt-4933) tasked for imaging
2025-11-19 19:38:49,605 sats.satellite.EO INFO <562.00> EO: Target(tgt-4933) window enabled: 683.8 to 795.1
2025-11-19 19:38:49,605 sats.satellite.EO INFO <562.00> EO: setting timed terminal event at 795.1
2025-11-19 19:38:49,635 sats.satellite.EO INFO <685.00> EO: imaged Target(tgt-4933)
2025-11-19 19:38:49,636 data.base INFO <685.00> Total reward: {'EO': np.float64(0.06572952500897762)}
2025-11-19 19:38:49,636 comm.communication INFO <685.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,637 sats.satellite.EO INFO <685.00> EO: Satellite EO requires retasking
2025-11-19 19:38:49,664 gym INFO <685.00> Step reward: 0.06572952500897762
2025-11-19 19:38:49,665 gym INFO <685.00> === STARTING STEP ===
2025-11-19 19:38:49,665 sats.satellite.EO INFO <685.00> EO: target index 12 tasked
2025-11-19 19:38:49,665 sats.satellite.EO INFO <685.00> EO: Target(tgt-5884) tasked for imaging
2025-11-19 19:38:49,666 sats.satellite.EO INFO <685.00> EO: Target(tgt-5884) window enabled: 697.3 to 765.6
2025-11-19 19:38:49,667 sats.satellite.EO INFO <685.00> EO: setting timed terminal event at 765.6
2025-11-19 19:38:49,673 sats.satellite.EO INFO <706.50> EO: imaged Target(tgt-5884)
2025-11-19 19:38:49,674 data.base INFO <706.50> Total reward: {}
2025-11-19 19:38:49,675 comm.communication INFO <706.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,676 sats.satellite.EO INFO <706.50> EO: Satellite EO requires retasking
2025-11-19 19:38:49,702 gym INFO <706.50> Step reward: 0.0
2025-11-19 19:38:49,703 gym INFO <706.50> === STARTING STEP ===
2025-11-19 19:38:49,703 sats.satellite.EO INFO <706.50> EO: target index 4 tasked
2025-11-19 19:38:49,704 sats.satellite.EO INFO <706.50> EO: Target(tgt-7055) tasked for imaging
2025-11-19 19:38:49,705 sats.satellite.EO INFO <706.50> EO: Target(tgt-7055) window enabled: 634.9 to 733.2
2025-11-19 19:38:49,705 sats.satellite.EO INFO <706.50> EO: setting timed terminal event at 733.2
2025-11-19 19:38:49,713 sats.satellite.EO INFO <733.50> EO: timed termination at 733.2 for Target(tgt-7055) window
2025-11-19 19:38:49,714 data.base INFO <733.50> Total reward: {}
2025-11-19 19:38:49,714 comm.communication INFO <733.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,716 sats.satellite.EO INFO <733.50> EO: Satellite EO requires retasking
2025-11-19 19:38:49,742 gym INFO <733.50> Step reward: 0.0
2025-11-19 19:38:49,743 gym INFO <733.50> === STARTING STEP ===
2025-11-19 19:38:49,744 sats.satellite.EO INFO <733.50> EO: target index 10 tasked
2025-11-19 19:38:49,744 sats.satellite.EO INFO <733.50> EO: Target(tgt-5265) tasked for imaging
2025-11-19 19:38:49,745 sats.satellite.EO INFO <733.50> EO: Target(tgt-5265) window enabled: 763.6 to 838.7
2025-11-19 19:38:49,745 sats.satellite.EO INFO <733.50> EO: setting timed terminal event at 838.7
2025-11-19 19:38:49,759 sats.satellite.EO INFO <786.50> EO: imaged Target(tgt-5265)
2025-11-19 19:38:49,760 data.base INFO <786.50> Total reward: {}
2025-11-19 19:38:49,761 comm.communication INFO <786.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,762 sats.satellite.EO INFO <786.50> EO: Satellite EO requires retasking
2025-11-19 19:38:49,790 gym INFO <786.50> Step reward: 0.0
2025-11-19 19:38:49,790 gym INFO <786.50> === STARTING STEP ===
2025-11-19 19:38:49,791 sats.satellite.EO INFO <786.50> EO: target index 1 tasked
2025-11-19 19:38:49,791 sats.satellite.EO INFO <786.50> EO: Target(tgt-1665) tasked for imaging
2025-11-19 19:38:49,792 sats.satellite.EO INFO <786.50> EO: Target(tgt-1665) window enabled: 738.3 to 818.1
2025-11-19 19:38:49,793 sats.satellite.EO INFO <786.50> EO: setting timed terminal event at 818.1
2025-11-19 19:38:49,799 sats.satellite.EO INFO <809.00> EO: imaged Target(tgt-1665)
2025-11-19 19:38:49,800 data.base INFO <809.00> Total reward: {}
2025-11-19 19:38:49,801 comm.communication INFO <809.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,802 sats.satellite.EO INFO <809.00> EO: Satellite EO requires retasking
2025-11-19 19:38:49,828 gym INFO <809.00> Step reward: 0.0
2025-11-19 19:38:49,829 gym INFO <809.00> === STARTING STEP ===
2025-11-19 19:38:49,829 sats.satellite.EO INFO <809.00> EO: target index 29 tasked
2025-11-19 19:38:49,830 sats.satellite.EO INFO <809.00> EO: Target(tgt-418) tasked for imaging
2025-11-19 19:38:49,831 sats.satellite.EO INFO <809.00> EO: Target(tgt-418) window enabled: 973.3 to 1091.0
2025-11-19 19:38:49,832 sats.satellite.EO INFO <809.00> EO: setting timed terminal event at 1091.0
2025-11-19 19:38:49,871 sats.satellite.EO INFO <974.50> EO: imaged Target(tgt-418)
2025-11-19 19:38:49,872 data.base INFO <974.50> Total reward: {}
2025-11-19 19:38:49,873 comm.communication INFO <974.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,874 sats.satellite.EO INFO <974.50> EO: Satellite EO requires retasking
2025-11-19 19:38:49,901 gym INFO <974.50> Step reward: 0.0
2025-11-19 19:38:49,901 gym INFO <974.50> === STARTING STEP ===
2025-11-19 19:38:49,902 sats.satellite.EO INFO <974.50> EO: target index 22 tasked
2025-11-19 19:38:49,902 sats.satellite.EO INFO <974.50> EO: Target(tgt-105) tasked for imaging
2025-11-19 19:38:49,904 sats.satellite.EO INFO <974.50> EO: Target(tgt-105) window enabled: 1078.8 to 1160.5
2025-11-19 19:38:49,904 sats.satellite.EO INFO <974.50> EO: setting timed terminal event at 1160.5
2025-11-19 19:38:49,930 sats.satellite.EO INFO <1080.00> EO: imaged Target(tgt-105)
2025-11-19 19:38:49,932 data.base INFO <1080.00> Total reward: {'EO': np.float64(0.49614686692000026)}
2025-11-19 19:38:49,932 comm.communication INFO <1080.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,933 sats.satellite.EO INFO <1080.00> EO: Satellite EO requires retasking
2025-11-19 19:38:49,961 gym INFO <1080.00> Step reward: 0.49614686692000026
2025-11-19 19:38:49,961 gym INFO <1080.00> === STARTING STEP ===
2025-11-19 19:38:49,962 sats.satellite.EO INFO <1080.00> EO: target index 15 tasked
2025-11-19 19:38:49,962 sats.satellite.EO INFO <1080.00> EO: Target(tgt-1256) tasked for imaging
2025-11-19 19:38:49,964 sats.satellite.EO INFO <1080.00> EO: Target(tgt-1256) window enabled: 1106.9 to 1228.2
2025-11-19 19:38:49,964 sats.satellite.EO INFO <1080.00> EO: setting timed terminal event at 1228.2
2025-11-19 19:38:49,976 sats.satellite.EO INFO <1116.00> EO: imaged Target(tgt-1256)
2025-11-19 19:38:49,977 data.base INFO <1116.00> Total reward: {'EO': np.float64(0.6969292323862386)}
2025-11-19 19:38:49,978 comm.communication INFO <1116.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:49,979 sats.satellite.EO INFO <1116.00> EO: Satellite EO requires retasking
2025-11-19 19:38:50,006 gym INFO <1116.00> Step reward: 0.6969292323862386
2025-11-19 19:38:50,006 gym INFO <1116.00> === STARTING STEP ===
2025-11-19 19:38:50,007 sats.satellite.EO INFO <1116.00> EO: target index 9 tasked
2025-11-19 19:38:50,007 sats.satellite.EO INFO <1116.00> EO: Target(tgt-6163) tasked for imaging
2025-11-19 19:38:50,008 sats.satellite.EO INFO <1116.00> EO: Target(tgt-6163) window enabled: 1069.9 to 1183.5
2025-11-19 19:38:50,008 sats.satellite.EO INFO <1116.00> EO: setting timed terminal event at 1183.5
2025-11-19 19:38:50,019 sats.satellite.EO INFO <1148.00> EO: imaged Target(tgt-6163)
2025-11-19 19:38:50,021 data.base INFO <1148.00> Total reward: {}
2025-11-19 19:38:50,021 comm.communication INFO <1148.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,022 sats.satellite.EO INFO <1148.00> EO: Satellite EO requires retasking
2025-11-19 19:38:50,049 gym INFO <1148.00> Step reward: 0.0
2025-11-19 19:38:50,050 gym INFO <1148.00> === STARTING STEP ===
2025-11-19 19:38:50,050 sats.satellite.EO INFO <1148.00> EO: target index 10 tasked
2025-11-19 19:38:50,051 sats.satellite.EO INFO <1148.00> EO: Target(tgt-5107) tasked for imaging
2025-11-19 19:38:50,052 sats.satellite.EO INFO <1148.00> EO: Target(tgt-5107) window enabled: 1110.2 to 1231.3
2025-11-19 19:38:50,052 sats.satellite.EO INFO <1148.00> EO: setting timed terminal event at 1231.3
2025-11-19 19:38:50,061 sats.satellite.EO INFO <1182.50> EO: imaged Target(tgt-5107)
2025-11-19 19:38:50,062 data.base INFO <1182.50> Total reward: {}
2025-11-19 19:38:50,063 comm.communication INFO <1182.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,064 sats.satellite.EO INFO <1182.50> EO: Satellite EO requires retasking
2025-11-19 19:38:50,091 gym INFO <1182.50> Step reward: 0.0
2025-11-19 19:38:50,092 gym INFO <1182.50> === STARTING STEP ===
2025-11-19 19:38:50,092 sats.satellite.EO INFO <1182.50> EO: target index 15 tasked
2025-11-19 19:38:50,093 sats.satellite.EO INFO <1182.50> EO: Target(tgt-9873) tasked for imaging
2025-11-19 19:38:50,094 sats.satellite.EO INFO <1182.50> EO: Target(tgt-9873) window enabled: 1256.0 to 1347.7
2025-11-19 19:38:50,094 sats.satellite.EO INFO <1182.50> EO: setting timed terminal event at 1347.7
2025-11-19 19:38:50,113 sats.satellite.EO INFO <1257.50> EO: imaged Target(tgt-9873)
2025-11-19 19:38:50,114 data.base INFO <1257.50> Total reward: {'EO': np.float64(0.006425094910739982)}
2025-11-19 19:38:50,114 comm.communication INFO <1257.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,115 sats.satellite.EO INFO <1257.50> EO: Satellite EO requires retasking
2025-11-19 19:38:50,144 gym INFO <1257.50> Step reward: 0.006425094910739982
2025-11-19 19:38:50,145 gym INFO <1257.50> === STARTING STEP ===
2025-11-19 19:38:50,146 sats.satellite.EO INFO <1257.50> EO: target index 9 tasked
2025-11-19 19:38:50,146 sats.satellite.EO INFO <1257.50> EO: Target(tgt-7600) tasked for imaging
2025-11-19 19:38:50,147 sats.satellite.EO INFO <1257.50> EO: Target(tgt-7600) window enabled: 1249.4 to 1351.0
2025-11-19 19:38:50,148 sats.satellite.EO INFO <1257.50> EO: setting timed terminal event at 1351.0
2025-11-19 19:38:50,163 sats.satellite.EO INFO <1302.50> EO: imaged Target(tgt-7600)
2025-11-19 19:38:50,164 data.base INFO <1302.50> Total reward: {'EO': np.float64(0.05718932444895802)}
2025-11-19 19:38:50,164 comm.communication INFO <1302.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,166 sats.satellite.EO INFO <1302.50> EO: Satellite EO requires retasking
2025-11-19 19:38:50,194 gym INFO <1302.50> Step reward: 0.05718932444895802
2025-11-19 19:38:50,195 gym INFO <1302.50> === STARTING STEP ===
2025-11-19 19:38:50,195 sats.satellite.EO INFO <1302.50> EO: target index 29 tasked
2025-11-19 19:38:50,196 sats.satellite.EO INFO <1302.50> EO: Target(tgt-275) tasked for imaging
2025-11-19 19:38:50,197 sats.satellite.EO INFO <1302.50> EO: Target(tgt-275) window enabled: 1414.3 to 1534.8
2025-11-19 19:38:50,197 sats.satellite.EO INFO <1302.50> EO: setting timed terminal event at 1534.8
2025-11-19 19:38:50,225 sats.satellite.EO INFO <1415.50> EO: imaged Target(tgt-275)
2025-11-19 19:38:50,226 data.base INFO <1415.50> Total reward: {'EO': np.float64(0.3734732091210652)}
2025-11-19 19:38:50,227 comm.communication INFO <1415.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,228 sats.satellite.EO INFO <1415.50> EO: Satellite EO requires retasking
2025-11-19 19:38:50,256 gym INFO <1415.50> Step reward: 0.3734732091210652
2025-11-19 19:38:50,257 gym INFO <1415.50> === STARTING STEP ===
2025-11-19 19:38:50,257 sats.satellite.EO INFO <1415.50> EO: target index 25 tasked
2025-11-19 19:38:50,258 sats.satellite.EO INFO <1415.50> EO: Target(tgt-1516) tasked for imaging
2025-11-19 19:38:50,259 sats.satellite.EO INFO <1415.50> EO: Target(tgt-1516) window enabled: 1548.9 to 1641.5
2025-11-19 19:38:50,260 sats.satellite.EO INFO <1415.50> EO: setting timed terminal event at 1641.5
2025-11-19 19:38:50,292 sats.satellite.EO INFO <1550.00> EO: imaged Target(tgt-1516)
2025-11-19 19:38:50,294 data.base INFO <1550.00> Total reward: {'EO': np.float64(0.06709923944620251)}
2025-11-19 19:38:50,294 comm.communication INFO <1550.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,295 sats.satellite.EO INFO <1550.00> EO: Satellite EO requires retasking
2025-11-19 19:38:50,324 gym INFO <1550.00> Step reward: 0.06709923944620251
2025-11-19 19:38:50,325 gym INFO <1550.00> === STARTING STEP ===
2025-11-19 19:38:50,325 sats.satellite.EO INFO <1550.00> EO: target index 18 tasked
2025-11-19 19:38:50,326 sats.satellite.EO INFO <1550.00> EO: Target(tgt-5684) tasked for imaging
2025-11-19 19:38:50,327 sats.satellite.EO INFO <1550.00> EO: Target(tgt-5684) window enabled: 1611.0 to 1723.8
2025-11-19 19:38:50,327 sats.satellite.EO INFO <1550.00> EO: setting timed terminal event at 1723.8
2025-11-19 19:38:50,343 sats.satellite.EO INFO <1612.50> EO: imaged Target(tgt-5684)
2025-11-19 19:38:50,344 data.base INFO <1612.50> Total reward: {'EO': np.float64(0.2707844109537385)}
2025-11-19 19:38:50,345 comm.communication INFO <1612.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,346 sats.satellite.EO INFO <1612.50> EO: Satellite EO requires retasking
2025-11-19 19:38:50,373 gym INFO <1612.50> Step reward: 0.2707844109537385
2025-11-19 19:38:50,374 gym INFO <1612.50> === STARTING STEP ===
2025-11-19 19:38:50,374 sats.satellite.EO INFO <1612.50> EO: target index 31 tasked
2025-11-19 19:38:50,375 sats.satellite.EO INFO <1612.50> EO: Target(tgt-5414) tasked for imaging
2025-11-19 19:38:50,376 sats.satellite.EO INFO <1612.50> EO: Target(tgt-5414) window enabled: 1766.9 to 1871.5
2025-11-19 19:38:50,377 sats.satellite.EO INFO <1612.50> EO: setting timed terminal event at 1871.5
2025-11-19 19:38:50,424 sats.satellite.EO INFO <1768.00> EO: imaged Target(tgt-5414)
2025-11-19 19:38:50,425 data.base INFO <1768.00> Total reward: {'EO': np.float64(0.849369645484249)}
2025-11-19 19:38:50,426 comm.communication INFO <1768.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,427 sats.satellite.EO INFO <1768.00> EO: Satellite EO requires retasking
2025-11-19 19:38:50,455 gym INFO <1768.00> Step reward: 0.849369645484249
2025-11-19 19:38:50,456 gym INFO <1768.00> === STARTING STEP ===
2025-11-19 19:38:50,456 sats.satellite.EO INFO <1768.00> EO: target index 27 tasked
2025-11-19 19:38:50,457 sats.satellite.EO INFO <1768.00> EO: Target(tgt-9510) tasked for imaging
2025-11-19 19:38:50,458 sats.satellite.EO INFO <1768.00> EO: Target(tgt-9510) window enabled: 1919.0 to 2037.6
2025-11-19 19:38:50,458 sats.satellite.EO INFO <1768.00> EO: setting timed terminal event at 2037.6
2025-11-19 19:38:50,494 sats.satellite.EO INFO <1920.00> EO: imaged Target(tgt-9510)
2025-11-19 19:38:50,495 data.base INFO <1920.00> Total reward: {}
2025-11-19 19:38:50,495 comm.communication INFO <1920.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,496 sats.satellite.EO INFO <1920.00> EO: Satellite EO requires retasking
2025-11-19 19:38:50,523 gym INFO <1920.00> Step reward: 0.0
2025-11-19 19:38:50,524 gym INFO <1920.00> === STARTING STEP ===
2025-11-19 19:38:50,524 sats.satellite.EO INFO <1920.00> EO: target index 5 tasked
2025-11-19 19:38:50,525 sats.satellite.EO INFO <1920.00> EO: Target(tgt-8335) tasked for imaging
2025-11-19 19:38:50,526 sats.satellite.EO INFO <1920.00> EO: Target(tgt-8335) window enabled: 1839.9 to 1947.0
2025-11-19 19:38:50,526 sats.satellite.EO INFO <1920.00> EO: setting timed terminal event at 1947.0
2025-11-19 19:38:50,536 sats.satellite.EO INFO <1947.50> EO: timed termination at 1947.0 for Target(tgt-8335) window
2025-11-19 19:38:50,537 data.base INFO <1947.50> Total reward: {}
2025-11-19 19:38:50,537 comm.communication INFO <1947.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,538 sats.satellite.EO INFO <1947.50> EO: Satellite EO requires retasking
2025-11-19 19:38:50,565 gym INFO <1947.50> Step reward: 0.0
2025-11-19 19:38:50,566 gym INFO <1947.50> === STARTING STEP ===
2025-11-19 19:38:50,566 sats.satellite.EO INFO <1947.50> EO: target index 17 tasked
2025-11-19 19:38:50,567 sats.satellite.EO INFO <1947.50> EO: Target(tgt-3550) tasked for imaging
2025-11-19 19:38:50,568 sats.satellite.EO INFO <1947.50> EO: Target(tgt-3550) window enabled: 2060.7 to 2181.2
2025-11-19 19:38:50,568 sats.satellite.EO INFO <1947.50> EO: setting timed terminal event at 2181.2
2025-11-19 19:38:50,622 sats.satellite.EO INFO <2181.50> EO: timed termination at 2181.2 for Target(tgt-3550) window
2025-11-19 19:38:50,624 data.base INFO <2181.50> Total reward: {}
2025-11-19 19:38:50,624 comm.communication INFO <2181.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,625 sats.satellite.EO INFO <2181.50> EO: Satellite EO requires retasking
2025-11-19 19:38:50,654 gym INFO <2181.50> Step reward: 0.0
2025-11-19 19:38:50,654 gym INFO <2181.50> === STARTING STEP ===
2025-11-19 19:38:50,655 sats.satellite.EO INFO <2181.50> EO: target index 18 tasked
2025-11-19 19:38:50,655 sats.satellite.EO INFO <2181.50> EO: Target(tgt-8542) tasked for imaging
2025-11-19 19:38:50,657 sats.satellite.EO INFO <2181.50> EO: Target(tgt-8542) window enabled: 2179.3 to 2266.8
2025-11-19 19:38:50,657 sats.satellite.EO INFO <2181.50> EO: setting timed terminal event at 2266.8
2025-11-19 19:38:50,683 sats.satellite.EO INFO <2267.00> EO: timed termination at 2266.8 for Target(tgt-8542) window
2025-11-19 19:38:50,684 data.base INFO <2267.00> Total reward: {}
2025-11-19 19:38:50,684 comm.communication INFO <2267.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,686 sats.satellite.EO INFO <2267.00> EO: Satellite EO requires retasking
2025-11-19 19:38:50,713 gym INFO <2267.00> Step reward: 0.0
2025-11-19 19:38:50,713 gym INFO <2267.00> === STARTING STEP ===
2025-11-19 19:38:50,714 sats.satellite.EO INFO <2267.00> EO: target index 25 tasked
2025-11-19 19:38:50,715 sats.satellite.EO INFO <2267.00> EO: Target(tgt-6885) tasked for imaging
2025-11-19 19:38:50,716 sats.satellite.EO INFO <2267.00> EO: Target(tgt-6885) window enabled: 2414.7 to 2446.5
2025-11-19 19:38:50,716 sats.satellite.EO INFO <2267.00> EO: setting timed terminal event at 2446.5
2025-11-19 19:38:50,770 sats.satellite.EO INFO <2447.00> EO: timed termination at 2446.5 for Target(tgt-6885) window
2025-11-19 19:38:50,771 data.base INFO <2447.00> Total reward: {}
2025-11-19 19:38:50,772 comm.communication INFO <2447.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,772 sats.satellite.EO INFO <2447.00> EO: Satellite EO requires retasking
2025-11-19 19:38:50,800 gym INFO <2447.00> Step reward: 0.0
2025-11-19 19:38:50,800 gym INFO <2447.00> === STARTING STEP ===
2025-11-19 19:38:50,801 sats.satellite.EO INFO <2447.00> EO: target index 1 tasked
2025-11-19 19:38:50,801 sats.satellite.EO INFO <2447.00> EO: Target(tgt-8693) tasked for imaging
2025-11-19 19:38:50,802 sats.satellite.EO INFO <2447.00> EO: Target(tgt-8693) window enabled: 2352.0 to 2456.8
2025-11-19 19:38:50,803 sats.satellite.EO INFO <2447.00> EO: setting timed terminal event at 2456.8
2025-11-19 19:38:50,807 sats.satellite.EO INFO <2457.00> EO: timed termination at 2456.8 for Target(tgt-8693) window
2025-11-19 19:38:50,808 data.base INFO <2457.00> Total reward: {}
2025-11-19 19:38:50,809 comm.communication INFO <2457.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,810 sats.satellite.EO INFO <2457.00> EO: Satellite EO requires retasking
2025-11-19 19:38:50,838 gym INFO <2457.00> Step reward: 0.0
2025-11-19 19:38:50,838 gym INFO <2457.00> === STARTING STEP ===
2025-11-19 19:38:50,839 sats.satellite.EO INFO <2457.00> EO: target index 17 tasked
2025-11-19 19:38:50,839 sats.satellite.EO INFO <2457.00> EO: Target(tgt-486) tasked for imaging
2025-11-19 19:38:50,840 sats.satellite.EO INFO <2457.00> EO: Target(tgt-486) window enabled: 2466.6 to 2570.6
2025-11-19 19:38:50,841 sats.satellite.EO INFO <2457.00> EO: setting timed terminal event at 2570.6
2025-11-19 19:38:50,868 sats.satellite.EO INFO <2571.00> EO: timed termination at 2570.6 for Target(tgt-486) window
2025-11-19 19:38:50,870 data.base INFO <2571.00> Total reward: {}
2025-11-19 19:38:50,870 comm.communication INFO <2571.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,871 sats.satellite.EO INFO <2571.00> EO: Satellite EO requires retasking
2025-11-19 19:38:50,900 gym INFO <2571.00> Step reward: 0.0
2025-11-19 19:38:50,900 gym INFO <2571.00> === STARTING STEP ===
2025-11-19 19:38:50,901 sats.satellite.EO INFO <2571.00> EO: target index 7 tasked
2025-11-19 19:38:50,902 sats.satellite.EO INFO <2571.00> EO: Target(tgt-2831) tasked for imaging
2025-11-19 19:38:50,903 sats.satellite.EO INFO <2571.00> EO: Target(tgt-2831) window enabled: 2521.8 to 2641.1
2025-11-19 19:38:50,903 sats.satellite.EO INFO <2571.00> EO: setting timed terminal event at 2641.1
2025-11-19 19:38:50,925 sats.satellite.EO INFO <2641.50> EO: timed termination at 2641.1 for Target(tgt-2831) window
2025-11-19 19:38:50,926 data.base INFO <2641.50> Total reward: {}
2025-11-19 19:38:50,926 comm.communication INFO <2641.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,928 sats.satellite.EO INFO <2641.50> EO: Satellite EO requires retasking
2025-11-19 19:38:50,957 gym INFO <2641.50> Step reward: 0.0
2025-11-19 19:38:50,958 gym INFO <2641.50> === STARTING STEP ===
2025-11-19 19:38:50,959 sats.satellite.EO INFO <2641.50> EO: target index 11 tasked
2025-11-19 19:38:50,959 sats.satellite.EO INFO <2641.50> EO: Target(tgt-3037) tasked for imaging
2025-11-19 19:38:50,960 sats.satellite.EO INFO <2641.50> EO: Target(tgt-3037) window enabled: 2610.5 to 2729.8
2025-11-19 19:38:50,960 sats.satellite.EO INFO <2641.50> EO: setting timed terminal event at 2729.8
2025-11-19 19:38:50,983 sats.satellite.EO INFO <2730.00> EO: timed termination at 2729.8 for Target(tgt-3037) window
2025-11-19 19:38:50,985 data.base INFO <2730.00> Total reward: {}
2025-11-19 19:38:50,985 comm.communication INFO <2730.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:50,986 sats.satellite.EO INFO <2730.00> EO: Satellite EO requires retasking
2025-11-19 19:38:51,014 gym INFO <2730.00> Step reward: 0.0
2025-11-19 19:38:51,014 gym INFO <2730.00> === STARTING STEP ===
2025-11-19 19:38:51,015 sats.satellite.EO INFO <2730.00> EO: target index 6 tasked
2025-11-19 19:38:51,016 sats.satellite.EO INFO <2730.00> EO: Target(tgt-8907) tasked for imaging
2025-11-19 19:38:51,016 sats.satellite.EO INFO <2730.00> EO: Target(tgt-8907) window enabled: 2702.3 to 2804.7
2025-11-19 19:38:51,017 sats.satellite.EO INFO <2730.00> EO: setting timed terminal event at 2804.7
2025-11-19 19:38:51,035 sats.satellite.EO INFO <2805.00> EO: timed termination at 2804.7 for Target(tgt-8907) window
2025-11-19 19:38:51,036 data.base INFO <2805.00> Total reward: {}
2025-11-19 19:38:51,037 comm.communication INFO <2805.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,038 sats.satellite.EO INFO <2805.00> EO: Satellite EO requires retasking
2025-11-19 19:38:51,066 gym INFO <2805.00> Step reward: 0.0
2025-11-19 19:38:51,066 gym INFO <2805.00> === STARTING STEP ===
2025-11-19 19:38:51,067 sats.satellite.EO INFO <2805.00> EO: target index 29 tasked
2025-11-19 19:38:51,067 sats.satellite.EO INFO <2805.00> EO: Target(tgt-8783) tasked for imaging
2025-11-19 19:38:51,068 sats.satellite.EO INFO <2805.00> EO: Target(tgt-8783) window enabled: 2911.5 to 3030.9
2025-11-19 19:38:51,068 sats.satellite.EO INFO <2805.00> EO: setting timed terminal event at 3030.9
2025-11-19 19:38:51,125 sats.satellite.EO INFO <3031.00> EO: timed termination at 3030.9 for Target(tgt-8783) window
2025-11-19 19:38:51,127 data.base INFO <3031.00> Total reward: {}
2025-11-19 19:38:51,128 comm.communication INFO <3031.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,129 sats.satellite.EO INFO <3031.00> EO: Satellite EO requires retasking
2025-11-19 19:38:51,157 gym INFO <3031.00> Step reward: 0.0
2025-11-19 19:38:51,157 gym INFO <3031.00> === STARTING STEP ===
2025-11-19 19:38:51,158 sats.satellite.EO INFO <3031.00> EO: target index 16 tasked
2025-11-19 19:38:51,158 sats.satellite.EO INFO <3031.00> EO: Target(tgt-723) tasked for imaging
2025-11-19 19:38:51,159 sats.satellite.EO INFO <3031.00> EO: Target(tgt-723) window enabled: 3124.0 to 3168.0
2025-11-19 19:38:51,159 sats.satellite.EO INFO <3031.00> EO: setting timed terminal event at 3168.0
2025-11-19 19:38:51,192 sats.satellite.EO INFO <3168.50> EO: timed termination at 3168.0 for Target(tgt-723) window
2025-11-19 19:38:51,193 data.base INFO <3168.50> Total reward: {}
2025-11-19 19:38:51,194 comm.communication INFO <3168.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,195 sats.satellite.EO INFO <3168.50> EO: Satellite EO requires retasking
2025-11-19 19:38:51,224 gym INFO <3168.50> Step reward: 0.0
2025-11-19 19:38:51,224 gym INFO <3168.50> === STARTING STEP ===
2025-11-19 19:38:51,225 sats.satellite.EO INFO <3168.50> EO: target index 15 tasked
2025-11-19 19:38:51,225 sats.satellite.EO INFO <3168.50> EO: Target(tgt-4277) tasked for imaging
2025-11-19 19:38:51,226 sats.satellite.EO INFO <3168.50> EO: Target(tgt-4277) window enabled: 3202.8 to 3322.1
2025-11-19 19:38:51,227 sats.satellite.EO INFO <3168.50> EO: setting timed terminal event at 3322.1
2025-11-19 19:38:51,268 sats.satellite.EO INFO <3322.50> EO: timed termination at 3322.1 for Target(tgt-4277) window
2025-11-19 19:38:51,269 data.base INFO <3322.50> Total reward: {}
2025-11-19 19:38:51,270 comm.communication INFO <3322.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,271 sats.satellite.EO INFO <3322.50> EO: Satellite EO requires retasking
2025-11-19 19:38:51,300 gym INFO <3322.50> Step reward: 0.0
2025-11-19 19:38:51,300 gym INFO <3322.50> === STARTING STEP ===
2025-11-19 19:38:51,301 sats.satellite.EO INFO <3322.50> EO: target index 2 tasked
2025-11-19 19:38:51,301 sats.satellite.EO INFO <3322.50> EO: Target(tgt-2028) tasked for imaging
2025-11-19 19:38:51,302 sats.satellite.EO INFO <3322.50> EO: Target(tgt-2028) window enabled: 3310.9 to 3371.6
2025-11-19 19:38:51,303 sats.satellite.EO INFO <3322.50> EO: setting timed terminal event at 3371.6
2025-11-19 19:38:51,315 sats.satellite.EO INFO <3372.00> EO: timed termination at 3371.6 for Target(tgt-2028) window
2025-11-19 19:38:51,317 data.base INFO <3372.00> Total reward: {}
2025-11-19 19:38:51,317 comm.communication INFO <3372.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,318 sats.satellite.EO INFO <3372.00> EO: Satellite EO requires retasking
2025-11-19 19:38:51,347 gym INFO <3372.00> Step reward: 0.0
2025-11-19 19:38:51,348 gym INFO <3372.00> === STARTING STEP ===
2025-11-19 19:38:51,348 sats.satellite.EO INFO <3372.00> EO: target index 28 tasked
2025-11-19 19:38:51,349 sats.satellite.EO INFO <3372.00> EO: Target(tgt-7314) tasked for imaging
2025-11-19 19:38:51,350 sats.satellite.EO INFO <3372.00> EO: Target(tgt-7314) window enabled: 3536.7 to 3581.1
2025-11-19 19:38:51,350 sats.satellite.EO INFO <3372.00> EO: setting timed terminal event at 3581.1
2025-11-19 19:38:51,399 sats.satellite.EO INFO <3581.50> EO: timed termination at 3581.1 for Target(tgt-7314) window
2025-11-19 19:38:51,400 data.base INFO <3581.50> Total reward: {}
2025-11-19 19:38:51,401 comm.communication INFO <3581.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,402 sats.satellite.EO INFO <3581.50> EO: Satellite EO requires retasking
2025-11-19 19:38:51,432 gym INFO <3581.50> Step reward: 0.0
2025-11-19 19:38:51,433 gym INFO <3581.50> === STARTING STEP ===
2025-11-19 19:38:51,433 sats.satellite.EO INFO <3581.50> EO: target index 30 tasked
2025-11-19 19:38:51,434 sats.satellite.EO INFO <3581.50> EO: Target(tgt-2832) tasked for imaging
2025-11-19 19:38:51,435 sats.satellite.EO INFO <3581.50> EO: Target(tgt-2832) window enabled: 3779.3 to 3837.6
2025-11-19 19:38:51,435 sats.satellite.EO INFO <3581.50> EO: setting timed terminal event at 3837.6
2025-11-19 19:38:51,503 sats.satellite.EO INFO <3838.00> EO: timed termination at 3837.6 for Target(tgt-2832) window
2025-11-19 19:38:51,504 data.base INFO <3838.00> Total reward: {}
2025-11-19 19:38:51,505 comm.communication INFO <3838.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,506 sats.satellite.EO INFO <3838.00> EO: Satellite EO requires retasking
2025-11-19 19:38:51,535 gym INFO <3838.00> Step reward: 0.0
2025-11-19 19:38:51,535 gym INFO <3838.00> === STARTING STEP ===
2025-11-19 19:38:51,536 sats.satellite.EO INFO <3838.00> EO: target index 6 tasked
2025-11-19 19:38:51,536 sats.satellite.EO INFO <3838.00> EO: Target(tgt-1390) tasked for imaging
2025-11-19 19:38:51,537 sats.satellite.EO INFO <3838.00> EO: Target(tgt-1390) window enabled: 3816.5 to 3894.6
2025-11-19 19:38:51,538 sats.satellite.EO INFO <3838.00> EO: setting timed terminal event at 3894.6
2025-11-19 19:38:51,553 sats.satellite.EO INFO <3895.00> EO: timed termination at 3894.6 for Target(tgt-1390) window
2025-11-19 19:38:51,554 data.base INFO <3895.00> Total reward: {}
2025-11-19 19:38:51,555 comm.communication INFO <3895.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,556 sats.satellite.EO INFO <3895.00> EO: Satellite EO requires retasking
2025-11-19 19:38:51,585 gym INFO <3895.00> Step reward: 0.0
2025-11-19 19:38:51,586 gym INFO <3895.00> === STARTING STEP ===
2025-11-19 19:38:51,586 sats.satellite.EO INFO <3895.00> EO: target index 24 tasked
2025-11-19 19:38:51,587 sats.satellite.EO INFO <3895.00> EO: Target(tgt-9286) tasked for imaging
2025-11-19 19:38:51,588 sats.satellite.EO INFO <3895.00> EO: Target(tgt-9286) window enabled: 4039.9 to 4113.4
2025-11-19 19:38:51,588 sats.satellite.EO INFO <3895.00> EO: setting timed terminal event at 4113.4
2025-11-19 19:38:51,641 sats.satellite.EO INFO <4113.50> EO: timed termination at 4113.4 for Target(tgt-9286) window
2025-11-19 19:38:51,643 data.base INFO <4113.50> Total reward: {}
2025-11-19 19:38:51,643 comm.communication INFO <4113.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,644 sats.satellite.EO INFO <4113.50> EO: Satellite EO requires retasking
2025-11-19 19:38:51,673 gym INFO <4113.50> Step reward: 0.0
2025-11-19 19:38:51,673 gym INFO <4113.50> === STARTING STEP ===
2025-11-19 19:38:51,674 sats.satellite.EO INFO <4113.50> EO: target index 15 tasked
2025-11-19 19:38:51,675 sats.satellite.EO INFO <4113.50> EO: Target(tgt-4434) tasked for imaging
2025-11-19 19:38:51,676 sats.satellite.EO INFO <4113.50> EO: Target(tgt-4434) window enabled: 4125.3 to 4238.8
2025-11-19 19:38:51,676 sats.satellite.EO INFO <4113.50> EO: setting timed terminal event at 4238.8
2025-11-19 19:38:51,706 sats.satellite.EO INFO <4239.00> EO: timed termination at 4238.8 for Target(tgt-4434) window
2025-11-19 19:38:51,707 data.base INFO <4239.00> Total reward: {}
2025-11-19 19:38:51,707 comm.communication INFO <4239.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,708 sats.satellite.EO INFO <4239.00> EO: Satellite EO requires retasking
2025-11-19 19:38:51,737 gym INFO <4239.00> Step reward: 0.0
2025-11-19 19:38:51,738 gym INFO <4239.00> === STARTING STEP ===
2025-11-19 19:38:51,738 sats.satellite.EO INFO <4239.00> EO: target index 1 tasked
2025-11-19 19:38:51,739 sats.satellite.EO INFO <4239.00> EO: Target(tgt-4696) tasked for imaging
2025-11-19 19:38:51,740 sats.satellite.EO INFO <4239.00> EO: Target(tgt-4696) window enabled: 4211.8 to 4275.2
2025-11-19 19:38:51,740 sats.satellite.EO INFO <4239.00> EO: setting timed terminal event at 4275.2
2025-11-19 19:38:51,750 sats.satellite.EO INFO <4275.50> EO: timed termination at 4275.2 for Target(tgt-4696) window
2025-11-19 19:38:51,751 data.base INFO <4275.50> Total reward: {}
2025-11-19 19:38:51,751 comm.communication INFO <4275.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,752 sats.satellite.EO INFO <4275.50> EO: Satellite EO requires retasking
2025-11-19 19:38:51,781 gym INFO <4275.50> Step reward: 0.0
2025-11-19 19:38:51,782 gym INFO <4275.50> === STARTING STEP ===
2025-11-19 19:38:51,782 sats.satellite.EO INFO <4275.50> EO: target index 9 tasked
2025-11-19 19:38:51,783 sats.satellite.EO INFO <4275.50> EO: Target(tgt-294) tasked for imaging
2025-11-19 19:38:51,784 sats.satellite.EO INFO <4275.50> EO: Target(tgt-294) window enabled: 4252.6 to 4330.6
2025-11-19 19:38:51,784 sats.satellite.EO INFO <4275.50> EO: setting timed terminal event at 4330.6
2025-11-19 19:38:51,799 sats.satellite.EO INFO <4331.00> EO: timed termination at 4330.6 for Target(tgt-294) window
2025-11-19 19:38:51,800 data.base INFO <4331.00> Total reward: {}
2025-11-19 19:38:51,800 comm.communication INFO <4331.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,801 sats.satellite.EO INFO <4331.00> EO: Satellite EO requires retasking
2025-11-19 19:38:51,830 gym INFO <4331.00> Step reward: 0.0
2025-11-19 19:38:51,831 gym INFO <4331.00> === STARTING STEP ===
2025-11-19 19:38:51,831 sats.satellite.EO INFO <4331.00> EO: target index 10 tasked
2025-11-19 19:38:51,832 sats.satellite.EO INFO <4331.00> EO: Target(tgt-5832) tasked for imaging
2025-11-19 19:38:51,832 sats.satellite.EO INFO <4331.00> EO: Target(tgt-5832) window enabled: 4297.2 to 4412.5
2025-11-19 19:38:51,833 sats.satellite.EO INFO <4331.00> EO: setting timed terminal event at 4412.5
2025-11-19 19:38:51,853 sats.satellite.EO INFO <4413.00> EO: timed termination at 4412.5 for Target(tgt-5832) window
2025-11-19 19:38:51,854 data.base INFO <4413.00> Total reward: {}
2025-11-19 19:38:51,855 comm.communication INFO <4413.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,856 sats.satellite.EO INFO <4413.00> EO: Satellite EO requires retasking
2025-11-19 19:38:51,886 gym INFO <4413.00> Step reward: 0.0
2025-11-19 19:38:51,886 gym INFO <4413.00> === STARTING STEP ===
2025-11-19 19:38:51,886 sats.satellite.EO INFO <4413.00> EO: target index 16 tasked
2025-11-19 19:38:51,887 sats.satellite.EO INFO <4413.00> EO: Target(tgt-4954) tasked for imaging
2025-11-19 19:38:51,888 sats.satellite.EO INFO <4413.00> EO: Target(tgt-4954) window enabled: 4497.4 to 4536.5
2025-11-19 19:38:51,888 sats.satellite.EO INFO <4413.00> EO: setting timed terminal event at 4536.5
2025-11-19 19:38:51,917 sats.satellite.EO INFO <4536.50> EO: timed termination at 4536.5 for Target(tgt-4954) window
2025-11-19 19:38:51,919 data.base INFO <4536.50> Total reward: {}
2025-11-19 19:38:51,919 comm.communication INFO <4536.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,920 sats.satellite.EO INFO <4536.50> EO: Satellite EO requires retasking
2025-11-19 19:38:51,950 gym INFO <4536.50> Step reward: 0.0
2025-11-19 19:38:51,950 gym INFO <4536.50> === STARTING STEP ===
2025-11-19 19:38:51,951 sats.satellite.EO INFO <4536.50> EO: target index 10 tasked
2025-11-19 19:38:51,951 sats.satellite.EO INFO <4536.50> EO: Target(tgt-3756) tasked for imaging
2025-11-19 19:38:51,953 sats.satellite.EO INFO <4536.50> EO: Target(tgt-3756) window enabled: 4485.0 to 4594.3
2025-11-19 19:38:51,953 sats.satellite.EO INFO <4536.50> EO: setting timed terminal event at 4594.3
2025-11-19 19:38:51,968 sats.satellite.EO INFO <4594.50> EO: timed termination at 4594.3 for Target(tgt-3756) window
2025-11-19 19:38:51,969 data.base INFO <4594.50> Total reward: {}
2025-11-19 19:38:51,969 comm.communication INFO <4594.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:51,970 sats.satellite.EO INFO <4594.50> EO: Satellite EO requires retasking
2025-11-19 19:38:52,000 gym INFO <4594.50> Step reward: 0.0
2025-11-19 19:38:52,000 gym INFO <4594.50> === STARTING STEP ===
2025-11-19 19:38:52,001 sats.satellite.EO INFO <4594.50> EO: target index 20 tasked
2025-11-19 19:38:52,001 sats.satellite.EO INFO <4594.50> EO: Target(tgt-4883) tasked for imaging
2025-11-19 19:38:52,002 sats.satellite.EO INFO <4594.50> EO: Target(tgt-4883) window enabled: 4683.4 to 4800.8
2025-11-19 19:38:52,002 sats.satellite.EO INFO <4594.50> EO: setting timed terminal event at 4800.8
2025-11-19 19:38:52,051 sats.satellite.EO INFO <4801.00> EO: timed termination at 4800.8 for Target(tgt-4883) window
2025-11-19 19:38:52,052 data.base INFO <4801.00> Total reward: {}
2025-11-19 19:38:52,052 comm.communication INFO <4801.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,053 sats.satellite.EO INFO <4801.00> EO: Satellite EO requires retasking
2025-11-19 19:38:52,082 gym INFO <4801.00> Step reward: 0.0
2025-11-19 19:38:52,083 gym INFO <4801.00> === STARTING STEP ===
2025-11-19 19:38:52,083 sats.satellite.EO INFO <4801.00> EO: target index 27 tasked
2025-11-19 19:38:52,084 sats.satellite.EO INFO <4801.00> EO: Target(tgt-6482) tasked for imaging
2025-11-19 19:38:52,084 sats.satellite.EO INFO <4801.00> EO: Target(tgt-6482) window enabled: 4955.1 to 4983.4
2025-11-19 19:38:52,085 sats.satellite.EO INFO <4801.00> EO: setting timed terminal event at 4983.4
2025-11-19 19:38:52,134 sats.satellite.EO INFO <4983.50> EO: timed termination at 4983.4 for Target(tgt-6482) window
2025-11-19 19:38:52,135 data.base INFO <4983.50> Total reward: {}
2025-11-19 19:38:52,136 comm.communication INFO <4983.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,137 sats.satellite.EO INFO <4983.50> EO: Satellite EO requires retasking
2025-11-19 19:38:52,167 gym INFO <4983.50> Step reward: 0.0
2025-11-19 19:38:52,168 gym INFO <4983.50> === STARTING STEP ===
2025-11-19 19:38:52,168 sats.satellite.EO INFO <4983.50> EO: target index 12 tasked
2025-11-19 19:38:52,169 sats.satellite.EO INFO <4983.50> EO: Target(tgt-2154) tasked for imaging
2025-11-19 19:38:52,170 sats.satellite.EO INFO <4983.50> EO: Target(tgt-2154) window enabled: 4956.2 to 5077.5
2025-11-19 19:38:52,171 sats.satellite.EO INFO <4983.50> EO: setting timed terminal event at 5077.5
2025-11-19 19:38:52,200 sats.satellite.EO INFO <5078.00> EO: timed termination at 5077.5 for Target(tgt-2154) window
2025-11-19 19:38:52,201 data.base INFO <5078.00> Total reward: {}
2025-11-19 19:38:52,202 comm.communication INFO <5078.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,203 sats.satellite.EO INFO <5078.00> EO: Satellite EO requires retasking
2025-11-19 19:38:52,232 gym INFO <5078.00> Step reward: 0.0
2025-11-19 19:38:52,233 gym INFO <5078.00> === STARTING STEP ===
2025-11-19 19:38:52,233 sats.satellite.EO INFO <5078.00> EO: target index 21 tasked
2025-11-19 19:38:52,234 sats.satellite.EO INFO <5078.00> EO: Target(tgt-4327) tasked for imaging
2025-11-19 19:38:52,235 sats.satellite.EO INFO <5078.00> EO: Target(tgt-4327) window enabled: 5111.1 to 5217.5
2025-11-19 19:38:52,236 sats.satellite.EO INFO <5078.00> EO: setting timed terminal event at 5217.5
2025-11-19 19:38:52,271 sats.satellite.EO INFO <5218.00> EO: timed termination at 5217.5 for Target(tgt-4327) window
2025-11-19 19:38:52,273 data.base INFO <5218.00> Total reward: {}
2025-11-19 19:38:52,273 comm.communication INFO <5218.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,274 sats.satellite.EO INFO <5218.00> EO: Satellite EO requires retasking
2025-11-19 19:38:52,304 gym INFO <5218.00> Step reward: 0.0
2025-11-19 19:38:52,304 gym INFO <5218.00> === STARTING STEP ===
2025-11-19 19:38:52,305 sats.satellite.EO INFO <5218.00> EO: target index 23 tasked
2025-11-19 19:38:52,305 sats.satellite.EO INFO <5218.00> EO: Target(tgt-2838) tasked for imaging
2025-11-19 19:38:52,306 sats.satellite.EO INFO <5218.00> EO: Target(tgt-2838) window enabled: 5307.5 to 5422.9
2025-11-19 19:38:52,306 sats.satellite.EO INFO <5218.00> EO: setting timed terminal event at 5422.9
2025-11-19 19:38:52,354 sats.satellite.EO INFO <5423.00> EO: timed termination at 5422.9 for Target(tgt-2838) window
2025-11-19 19:38:52,355 data.base INFO <5423.00> Total reward: {}
2025-11-19 19:38:52,356 comm.communication INFO <5423.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,357 sats.satellite.EO INFO <5423.00> EO: Satellite EO requires retasking
2025-11-19 19:38:52,387 gym INFO <5423.00> Step reward: 0.0
2025-11-19 19:38:52,388 gym INFO <5423.00> === STARTING STEP ===
2025-11-19 19:38:52,388 sats.satellite.EO INFO <5423.00> EO: target index 4 tasked
2025-11-19 19:38:52,389 sats.satellite.EO INFO <5423.00> EO: Target(tgt-5687) tasked for imaging
2025-11-19 19:38:52,389 sats.satellite.EO INFO <5423.00> EO: Target(tgt-5687) window enabled: 5352.3 to 5474.2
2025-11-19 19:38:52,390 sats.satellite.EO INFO <5423.00> EO: setting timed terminal event at 5474.2
2025-11-19 19:38:52,403 sats.satellite.EO INFO <5474.50> EO: timed termination at 5474.2 for Target(tgt-5687) window
2025-11-19 19:38:52,404 data.base INFO <5474.50> Total reward: {}
2025-11-19 19:38:52,404 comm.communication INFO <5474.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,405 sats.satellite.EO INFO <5474.50> EO: Satellite EO requires retasking
2025-11-19 19:38:52,436 gym INFO <5474.50> Step reward: 0.0
2025-11-19 19:38:52,437 gym INFO <5474.50> === STARTING STEP ===
2025-11-19 19:38:52,437 sats.satellite.EO INFO <5474.50> EO: action_charge tasked for 60.0 seconds
2025-11-19 19:38:52,438 sats.satellite.EO INFO <5474.50> EO: setting timed terminal event at 5534.5
2025-11-19 19:38:52,453 sats.satellite.EO INFO <5534.50> EO: timed termination at 5534.5 for action_charge
2025-11-19 19:38:52,454 data.base INFO <5534.50> Total reward: {}
2025-11-19 19:38:52,455 comm.communication INFO <5534.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,456 sats.satellite.EO INFO <5534.50> EO: Satellite EO requires retasking
2025-11-19 19:38:52,486 gym INFO <5534.50> Step reward: 0.0
2025-11-19 19:38:52,486 gym INFO <5534.50> === STARTING STEP ===
2025-11-19 19:38:52,487 sats.satellite.EO INFO <5534.50> EO: target index 16 tasked
2025-11-19 19:38:52,487 sats.satellite.EO INFO <5534.50> EO: Target(tgt-9165) tasked for imaging
2025-11-19 19:38:52,489 sats.satellite.EO INFO <5534.50> EO: Target(tgt-9165) window enabled: 5573.2 to 5657.6
2025-11-19 19:38:52,489 sats.satellite.EO INFO <5534.50> EO: setting timed terminal event at 5657.6
2025-11-19 19:38:52,518 sats.satellite.EO INFO <5658.00> EO: timed termination at 5657.6 for Target(tgt-9165) window
2025-11-19 19:38:52,519 data.base INFO <5658.00> Total reward: {}
2025-11-19 19:38:52,520 comm.communication INFO <5658.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,521 sats.satellite.EO INFO <5658.00> EO: Satellite EO requires retasking
2025-11-19 19:38:52,551 gym INFO <5658.00> Step reward: 0.0
2025-11-19 19:38:52,552 gym INFO <5658.00> === STARTING STEP ===
2025-11-19 19:38:52,552 sats.satellite.EO INFO <5658.00> EO: target index 12 tasked
2025-11-19 19:38:52,553 sats.satellite.EO INFO <5658.00> EO: Target(tgt-5779) tasked for imaging
2025-11-19 19:38:52,553 sats.satellite.EO INFO <5658.00> EO: Target(tgt-5779) window enabled: 5661.8 to 5781.0
2025-11-19 19:38:52,554 sats.satellite.EO INFO <5658.00> EO: setting timed terminal event at 5781.0
2025-11-19 19:38:52,591 sats.satellite.EO INFO <5781.00> EO: timed termination at 5781.0 for Target(tgt-5779) window
2025-11-19 19:38:52,592 data.base INFO <5781.00> Total reward: {}
2025-11-19 19:38:52,593 comm.communication INFO <5781.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,594 sats.satellite.EO INFO <5781.00> EO: Satellite EO requires retasking
2025-11-19 19:38:52,624 gym INFO <5781.00> Step reward: 0.0
2025-11-19 19:38:52,624 gym INFO <5781.00> === STARTING STEP ===
2025-11-19 19:38:52,625 sats.satellite.EO INFO <5781.00> EO: target index 31 tasked
2025-11-19 19:38:52,625 sats.satellite.EO INFO <5781.00> EO: Target(tgt-3043) tasked for imaging
2025-11-19 19:38:52,626 sats.satellite.EO INFO <5781.00> EO: Target(tgt-3043) window enabled: 5874.9 to 5965.5
2025-11-19 19:38:52,627 sats.satellite.EO INFO <5781.00> EO: setting timed terminal event at 5965.5
2025-11-19 19:38:52,670 sats.satellite.EO INFO <5965.50> EO: timed termination at 5965.5 for Target(tgt-3043) window
2025-11-19 19:38:52,671 data.base INFO <5965.50> Total reward: {}
2025-11-19 19:38:52,672 comm.communication INFO <5965.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,673 sats.satellite.EO INFO <5965.50> EO: Satellite EO requires retasking
2025-11-19 19:38:52,704 gym INFO <5965.50> Step reward: 0.0
2025-11-19 19:38:52,704 gym INFO <5965.50> === STARTING STEP ===
2025-11-19 19:38:52,705 sats.satellite.EO INFO <5965.50> EO: target index 0 tasked
2025-11-19 19:38:52,705 sats.satellite.EO INFO <5965.50> EO: Target(tgt-7220) tasked for imaging
2025-11-19 19:38:52,706 sats.satellite.EO INFO <5965.50> EO: Target(tgt-7220) window enabled: 5864.4 to 5986.4
2025-11-19 19:38:52,706 sats.satellite.EO INFO <5965.50> EO: setting timed terminal event at 5986.4
2025-11-19 19:38:52,713 sats.satellite.EO INFO <5986.50> EO: timed termination at 5986.4 for Target(tgt-7220) window
2025-11-19 19:38:52,714 data.base INFO <5986.50> Total reward: {}
2025-11-19 19:38:52,714 comm.communication INFO <5986.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,715 sats.satellite.EO INFO <5986.50> EO: Satellite EO requires retasking
2025-11-19 19:38:52,745 gym INFO <5986.50> Step reward: 0.0
2025-11-19 19:38:52,746 gym INFO <5986.50> === STARTING STEP ===
2025-11-19 19:38:52,746 sats.satellite.EO INFO <5986.50> EO: target index 30 tasked
2025-11-19 19:38:52,747 sats.satellite.EO INFO <5986.50> EO: Target(tgt-9118) tasked for imaging
2025-11-19 19:38:52,748 sats.satellite.EO INFO <5986.50> EO: Target(tgt-9118) window enabled: 6071.0 to 6191.7
2025-11-19 19:38:52,749 sats.satellite.EO INFO <5986.50> EO: setting timed terminal event at 6191.7
2025-11-19 19:38:52,797 sats.satellite.EO INFO <6192.00> EO: timed termination at 6191.7 for Target(tgt-9118) window
2025-11-19 19:38:52,799 data.base INFO <6192.00> Total reward: {}
2025-11-19 19:38:52,799 comm.communication INFO <6192.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,800 sats.satellite.EO INFO <6192.00> EO: Satellite EO requires retasking
2025-11-19 19:38:52,830 gym INFO <6192.00> Step reward: 0.0
2025-11-19 19:38:52,831 gym INFO <6192.00> === STARTING STEP ===
2025-11-19 19:38:52,831 sats.satellite.EO INFO <6192.00> EO: target index 17 tasked
2025-11-19 19:38:52,832 sats.satellite.EO INFO <6192.00> EO: Target(tgt-9678) tasked for imaging
2025-11-19 19:38:52,833 sats.satellite.EO INFO <6192.00> EO: Target(tgt-9678) window enabled: 6200.1 to 6322.2
2025-11-19 19:38:52,834 sats.satellite.EO INFO <6192.00> EO: setting timed terminal event at 6322.2
2025-11-19 19:38:52,869 sats.satellite.EO INFO <6322.50> EO: timed termination at 6322.2 for Target(tgt-9678) window
2025-11-19 19:38:52,870 data.base INFO <6322.50> Total reward: {}
2025-11-19 19:38:52,871 comm.communication INFO <6322.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,872 sats.satellite.EO INFO <6322.50> EO: Satellite EO requires retasking
2025-11-19 19:38:52,902 gym INFO <6322.50> Step reward: 0.0
2025-11-19 19:38:52,902 gym INFO <6322.50> === STARTING STEP ===
2025-11-19 19:38:52,903 sats.satellite.EO INFO <6322.50> EO: target index 23 tasked
2025-11-19 19:38:52,903 sats.satellite.EO INFO <6322.50> EO: Target(tgt-4188) tasked for imaging
2025-11-19 19:38:52,904 sats.satellite.EO INFO <6322.50> EO: Target(tgt-4188) window enabled: 6395.0 to 6514.4
2025-11-19 19:38:52,904 sats.satellite.EO INFO <6322.50> EO: setting timed terminal event at 6514.4
2025-11-19 19:38:52,955 sats.satellite.EO INFO <6514.50> EO: timed termination at 6514.4 for Target(tgt-4188) window
2025-11-19 19:38:52,956 data.base INFO <6514.50> Total reward: {}
2025-11-19 19:38:52,956 comm.communication INFO <6514.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:52,957 sats.satellite.EO INFO <6514.50> EO: Satellite EO requires retasking
2025-11-19 19:38:52,988 gym INFO <6514.50> Step reward: 0.0
2025-11-19 19:38:52,989 gym INFO <6514.50> === STARTING STEP ===
2025-11-19 19:38:52,989 sats.satellite.EO INFO <6514.50> EO: target index 22 tasked
2025-11-19 19:38:52,990 sats.satellite.EO INFO <6514.50> EO: Target(tgt-2892) tasked for imaging
2025-11-19 19:38:52,991 sats.satellite.EO INFO <6514.50> EO: Target(tgt-2892) window enabled: 6664.2 to 6752.6
2025-11-19 19:38:52,992 sats.satellite.EO INFO <6514.50> EO: setting timed terminal event at 6752.6
2025-11-19 19:38:53,047 sats.satellite.EO INFO <6753.00> EO: timed termination at 6752.6 for Target(tgt-2892) window
2025-11-19 19:38:53,049 data.base INFO <6753.00> Total reward: {}
2025-11-19 19:38:53,049 comm.communication INFO <6753.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,050 sats.satellite.EO INFO <6753.00> EO: Satellite EO requires retasking
2025-11-19 19:38:53,081 gym INFO <6753.00> Step reward: 0.0
2025-11-19 19:38:53,082 gym INFO <6753.00> === STARTING STEP ===
2025-11-19 19:38:53,082 sats.satellite.EO INFO <6753.00> EO: target index 1 tasked
2025-11-19 19:38:53,083 sats.satellite.EO INFO <6753.00> EO: Target(tgt-9128) tasked for imaging
2025-11-19 19:38:53,084 sats.satellite.EO INFO <6753.00> EO: Target(tgt-9128) window enabled: 6641.7 to 6760.4
2025-11-19 19:38:53,084 sats.satellite.EO INFO <6753.00> EO: setting timed terminal event at 6760.4
2025-11-19 19:38:53,088 sats.satellite.EO INFO <6760.50> EO: timed termination at 6760.4 for Target(tgt-9128) window
2025-11-19 19:38:53,089 data.base INFO <6760.50> Total reward: {}
2025-11-19 19:38:53,090 comm.communication INFO <6760.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,091 sats.satellite.EO INFO <6760.50> EO: Satellite EO requires retasking
2025-11-19 19:38:53,123 gym INFO <6760.50> Step reward: 0.0
2025-11-19 19:38:53,124 gym INFO <6760.50> === STARTING STEP ===
2025-11-19 19:38:53,124 sats.satellite.EO INFO <6760.50> EO: target index 11 tasked
2025-11-19 19:38:53,125 sats.satellite.EO INFO <6760.50> EO: Target(tgt-7091) tasked for imaging
2025-11-19 19:38:53,126 sats.satellite.EO INFO <6760.50> EO: Target(tgt-7091) window enabled: 6742.0 to 6849.0
2025-11-19 19:38:53,127 sats.satellite.EO INFO <6760.50> EO: setting timed terminal event at 6849.0
2025-11-19 19:38:53,154 sats.satellite.EO INFO <6849.00> EO: timed termination at 6849.0 for Target(tgt-7091) window
2025-11-19 19:38:53,156 data.base INFO <6849.00> Total reward: {}
2025-11-19 19:38:53,156 comm.communication INFO <6849.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,158 sats.satellite.EO INFO <6849.00> EO: Satellite EO requires retasking
2025-11-19 19:38:53,188 gym INFO <6849.00> Step reward: 0.0
2025-11-19 19:38:53,189 gym INFO <6849.00> === STARTING STEP ===
2025-11-19 19:38:53,189 sats.satellite.EO INFO <6849.00> EO: target index 13 tasked
2025-11-19 19:38:53,190 sats.satellite.EO INFO <6849.00> EO: Target(tgt-8612) tasked for imaging
2025-11-19 19:38:53,191 sats.satellite.EO INFO <6849.00> EO: Target(tgt-8612) window enabled: 6849.1 to 6970.4
2025-11-19 19:38:53,191 sats.satellite.EO INFO <6849.00> EO: setting timed terminal event at 6970.4
2025-11-19 19:38:53,229 sats.satellite.EO INFO <6970.50> EO: timed termination at 6970.4 for Target(tgt-8612) window
2025-11-19 19:38:53,230 data.base INFO <6970.50> Total reward: {}
2025-11-19 19:38:53,231 comm.communication INFO <6970.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,232 sats.satellite.EO INFO <6970.50> EO: Satellite EO requires retasking
2025-11-19 19:38:53,263 gym INFO <6970.50> Step reward: 0.0
2025-11-19 19:38:53,264 gym INFO <6970.50> === STARTING STEP ===
2025-11-19 19:38:53,264 sats.satellite.EO INFO <6970.50> EO: target index 2 tasked
2025-11-19 19:38:53,265 sats.satellite.EO INFO <6970.50> EO: Target(tgt-8021) tasked for imaging
2025-11-19 19:38:53,266 sats.satellite.EO INFO <6970.50> EO: Target(tgt-8021) window enabled: 6963.2 to 6983.7
2025-11-19 19:38:53,266 sats.satellite.EO INFO <6970.50> EO: setting timed terminal event at 6983.7
2025-11-19 19:38:53,272 sats.satellite.EO INFO <6984.00> EO: timed termination at 6983.7 for Target(tgt-8021) window
2025-11-19 19:38:53,273 data.base INFO <6984.00> Total reward: {}
2025-11-19 19:38:53,274 comm.communication INFO <6984.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,275 sats.satellite.EO INFO <6984.00> EO: Satellite EO requires retasking
2025-11-19 19:38:53,306 gym INFO <6984.00> Step reward: 0.0
2025-11-19 19:38:53,307 gym INFO <6984.00> === STARTING STEP ===
2025-11-19 19:38:53,307 sats.satellite.EO INFO <6984.00> EO: target index 25 tasked
2025-11-19 19:38:53,307 sats.satellite.EO INFO <6984.00> EO: Target(tgt-1192) tasked for imaging
2025-11-19 19:38:53,308 sats.satellite.EO INFO <6984.00> EO: Target(tgt-1192) window enabled: 7124.3 to 7189.8
2025-11-19 19:38:53,309 sats.satellite.EO INFO <6984.00> EO: setting timed terminal event at 7189.8
2025-11-19 19:38:53,356 sats.satellite.EO INFO <7190.00> EO: timed termination at 7189.8 for Target(tgt-1192) window
2025-11-19 19:38:53,358 data.base INFO <7190.00> Total reward: {}
2025-11-19 19:38:53,358 comm.communication INFO <7190.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,359 sats.satellite.EO INFO <7190.00> EO: Satellite EO requires retasking
2025-11-19 19:38:53,390 gym INFO <7190.00> Step reward: 0.0
2025-11-19 19:38:53,391 gym INFO <7190.00> === STARTING STEP ===
2025-11-19 19:38:53,392 sats.satellite.EO INFO <7190.00> EO: target index 15 tasked
2025-11-19 19:38:53,392 sats.satellite.EO INFO <7190.00> EO: Target(tgt-5845) tasked for imaging
2025-11-19 19:38:53,393 sats.satellite.EO INFO <7190.00> EO: Target(tgt-5845) window enabled: 7297.0 to 7327.2
2025-11-19 19:38:53,394 sats.satellite.EO INFO <7190.00> EO: setting timed terminal event at 7327.2
2025-11-19 19:38:53,426 sats.satellite.EO INFO <7327.50> EO: timed termination at 7327.2 for Target(tgt-5845) window
2025-11-19 19:38:53,427 data.base INFO <7327.50> Total reward: {}
2025-11-19 19:38:53,428 comm.communication INFO <7327.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,429 sats.satellite.EO INFO <7327.50> EO: Satellite EO requires retasking
2025-11-19 19:38:53,460 gym INFO <7327.50> Step reward: 0.0
2025-11-19 19:38:53,460 gym INFO <7327.50> === STARTING STEP ===
2025-11-19 19:38:53,461 sats.satellite.EO INFO <7327.50> EO: target index 26 tasked
2025-11-19 19:38:53,461 sats.satellite.EO INFO <7327.50> EO: Target(tgt-1896) tasked for imaging
2025-11-19 19:38:53,462 sats.satellite.EO INFO <7327.50> EO: Target(tgt-1896) window enabled: 7563.4 to 7648.9
2025-11-19 19:38:53,462 sats.satellite.EO INFO <7327.50> EO: setting timed terminal event at 7648.9
2025-11-19 19:38:53,532 sim.simulator INFO <7627.50> Max step duration reached
2025-11-19 19:38:53,533 data.base INFO <7627.50> Total reward: {}
2025-11-19 19:38:53,533 comm.communication INFO <7627.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,566 gym INFO <7627.50> Step reward: 0.0
2025-11-19 19:38:53,566 gym INFO <7627.50> === STARTING STEP ===
2025-11-19 19:38:53,567 sats.satellite.EO INFO <7627.50> EO: target index 14 tasked
2025-11-19 19:38:53,567 sats.satellite.EO INFO <7627.50> EO: Target(tgt-4468) tasked for imaging
2025-11-19 19:38:53,569 sats.satellite.EO INFO <7627.50> EO: Target(tgt-4468) window enabled: 7716.1 to 7827.1
2025-11-19 19:38:53,569 sats.satellite.EO INFO <7627.50> EO: setting timed terminal event at 7827.1
2025-11-19 19:38:53,629 sats.satellite.EO INFO <7827.50> EO: timed termination at 7827.1 for Target(tgt-4468) window
2025-11-19 19:38:53,630 data.base INFO <7827.50> Total reward: {}
2025-11-19 19:38:53,631 comm.communication INFO <7827.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,632 sats.satellite.EO INFO <7827.50> EO: Satellite EO requires retasking
2025-11-19 19:38:53,663 gym INFO <7827.50> Step reward: 0.0
2025-11-19 19:38:53,664 gym INFO <7827.50> === STARTING STEP ===
2025-11-19 19:38:53,664 sats.satellite.EO INFO <7827.50> EO: target index 9 tasked
2025-11-19 19:38:53,665 sats.satellite.EO INFO <7827.50> EO: Target(tgt-9912) tasked for imaging
2025-11-19 19:38:53,666 sats.satellite.EO INFO <7827.50> EO: Target(tgt-9912) window enabled: 7779.3 to 7879.0
2025-11-19 19:38:53,666 sats.satellite.EO INFO <7827.50> EO: setting timed terminal event at 7879.0
2025-11-19 19:38:53,683 sats.satellite.EO INFO <7879.00> EO: timed termination at 7879.0 for Target(tgt-9912) window
2025-11-19 19:38:53,684 data.base INFO <7879.00> Total reward: {}
2025-11-19 19:38:53,685 comm.communication INFO <7879.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,686 sats.satellite.EO INFO <7879.00> EO: Satellite EO requires retasking
2025-11-19 19:38:53,717 gym INFO <7879.00> Step reward: 0.0
2025-11-19 19:38:53,718 gym INFO <7879.00> === STARTING STEP ===
2025-11-19 19:38:53,718 sats.satellite.EO INFO <7879.00> EO: target index 12 tasked
2025-11-19 19:38:53,719 sats.satellite.EO INFO <7879.00> EO: Target(tgt-2683) tasked for imaging
2025-11-19 19:38:53,720 sats.satellite.EO INFO <7879.00> EO: Target(tgt-2683) window enabled: 7858.4 to 7978.8
2025-11-19 19:38:53,720 sats.satellite.EO INFO <7879.00> EO: setting timed terminal event at 7978.8
2025-11-19 19:38:53,747 sats.satellite.EO INFO <7979.00> EO: timed termination at 7978.8 for Target(tgt-2683) window
2025-11-19 19:38:53,749 data.base INFO <7979.00> Total reward: {}
2025-11-19 19:38:53,749 comm.communication INFO <7979.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,750 sats.satellite.EO INFO <7979.00> EO: Satellite EO requires retasking
2025-11-19 19:38:53,781 gym INFO <7979.00> Step reward: 0.0
2025-11-19 19:38:53,782 gym INFO <7979.00> === STARTING STEP ===
2025-11-19 19:38:53,782 sats.satellite.EO INFO <7979.00> EO: target index 1 tasked
2025-11-19 19:38:53,783 sats.satellite.EO INFO <7979.00> EO: Target(tgt-3370) tasked for imaging
2025-11-19 19:38:53,784 sats.satellite.EO INFO <7979.00> EO: Target(tgt-3370) window enabled: 7933.4 to 7996.9
2025-11-19 19:38:53,784 sats.satellite.EO INFO <7979.00> EO: setting timed terminal event at 7996.9
2025-11-19 19:38:53,790 sats.satellite.EO INFO <7997.00> EO: timed termination at 7996.9 for Target(tgt-3370) window
2025-11-19 19:38:53,791 data.base INFO <7997.00> Total reward: {}
2025-11-19 19:38:53,791 comm.communication INFO <7997.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,792 sats.satellite.EO INFO <7997.00> EO: Satellite EO requires retasking
2025-11-19 19:38:53,824 gym INFO <7997.00> Step reward: 0.0
2025-11-19 19:38:53,824 gym INFO <7997.00> === STARTING STEP ===
2025-11-19 19:38:53,824 sats.satellite.EO INFO <7997.00> EO: target index 25 tasked
2025-11-19 19:38:53,825 sats.satellite.EO INFO <7997.00> EO: Target(tgt-3356) tasked for imaging
2025-11-19 19:38:53,826 sats.satellite.EO INFO <7997.00> EO: Target(tgt-3356) window enabled: 8042.1 to 8161.5
2025-11-19 19:38:53,826 sats.satellite.EO INFO <7997.00> EO: setting timed terminal event at 8161.5
2025-11-19 19:38:53,869 sats.satellite.EO INFO <8162.00> EO: timed termination at 8161.5 for Target(tgt-3356) window
2025-11-19 19:38:53,870 data.base INFO <8162.00> Total reward: {}
2025-11-19 19:38:53,870 comm.communication INFO <8162.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,871 sats.satellite.EO INFO <8162.00> EO: Satellite EO requires retasking
2025-11-19 19:38:53,903 gym INFO <8162.00> Step reward: 0.0
2025-11-19 19:38:53,904 gym INFO <8162.00> === STARTING STEP ===
2025-11-19 19:38:53,904 sats.satellite.EO INFO <8162.00> EO: target index 5 tasked
2025-11-19 19:38:53,905 sats.satellite.EO INFO <8162.00> EO: Target(tgt-353) tasked for imaging
2025-11-19 19:38:53,905 sats.satellite.EO INFO <8162.00> EO: Target(tgt-353) window enabled: 8109.0 to 8181.9
2025-11-19 19:38:53,906 sats.satellite.EO INFO <8162.00> EO: setting timed terminal event at 8181.9
2025-11-19 19:38:53,913 sats.satellite.EO INFO <8182.00> EO: timed termination at 8181.9 for Target(tgt-353) window
2025-11-19 19:38:53,914 data.base INFO <8182.00> Total reward: {}
2025-11-19 19:38:53,915 comm.communication INFO <8182.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,916 sats.satellite.EO INFO <8182.00> EO: Satellite EO requires retasking
2025-11-19 19:38:53,947 gym INFO <8182.00> Step reward: 0.0
2025-11-19 19:38:53,947 gym INFO <8182.00> === STARTING STEP ===
2025-11-19 19:38:53,948 sats.satellite.EO INFO <8182.00> EO: target index 1 tasked
2025-11-19 19:38:53,948 sats.satellite.EO INFO <8182.00> EO: Target(tgt-1449) tasked for imaging
2025-11-19 19:38:53,949 sats.satellite.EO INFO <8182.00> EO: Target(tgt-1449) window enabled: 8130.5 to 8205.6
2025-11-19 19:38:53,949 sats.satellite.EO INFO <8182.00> EO: setting timed terminal event at 8205.6
2025-11-19 19:38:53,957 sats.satellite.EO INFO <8206.00> EO: timed termination at 8205.6 for Target(tgt-1449) window
2025-11-19 19:38:53,958 data.base INFO <8206.00> Total reward: {}
2025-11-19 19:38:53,958 comm.communication INFO <8206.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:53,959 sats.satellite.EO INFO <8206.00> EO: Satellite EO requires retasking
2025-11-19 19:38:53,992 gym INFO <8206.00> Step reward: 0.0
2025-11-19 19:38:53,993 gym INFO <8206.00> === STARTING STEP ===
2025-11-19 19:38:53,993 sats.satellite.EO INFO <8206.00> EO: target index 22 tasked
2025-11-19 19:38:53,994 sats.satellite.EO INFO <8206.00> EO: Target(tgt-4152) tasked for imaging
2025-11-19 19:38:53,994 sats.satellite.EO INFO <8206.00> EO: Target(tgt-4152) window enabled: 8272.0 to 8351.1
2025-11-19 19:38:53,995 sats.satellite.EO INFO <8206.00> EO: setting timed terminal event at 8351.1
2025-11-19 19:38:54,035 sats.satellite.EO INFO <8351.50> EO: timed termination at 8351.1 for Target(tgt-4152) window
2025-11-19 19:38:54,036 data.base INFO <8351.50> Total reward: {}
2025-11-19 19:38:54,036 comm.communication INFO <8351.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,038 sats.satellite.EO INFO <8351.50> EO: Satellite EO requires retasking
2025-11-19 19:38:54,069 gym INFO <8351.50> Step reward: 0.0
2025-11-19 19:38:54,070 gym INFO <8351.50> === STARTING STEP ===
2025-11-19 19:38:54,071 sats.satellite.EO INFO <8351.50> EO: target index 28 tasked
2025-11-19 19:38:54,071 sats.satellite.EO INFO <8351.50> EO: Target(tgt-164) tasked for imaging
2025-11-19 19:38:54,072 sats.satellite.EO INFO <8351.50> EO: Target(tgt-164) window enabled: 8507.8 to 8615.9
2025-11-19 19:38:54,073 sats.satellite.EO INFO <8351.50> EO: setting timed terminal event at 8615.9
2025-11-19 19:38:54,150 sats.satellite.EO INFO <8616.00> EO: timed termination at 8615.9 for Target(tgt-164) window
2025-11-19 19:38:54,151 data.base INFO <8616.00> Total reward: {}
2025-11-19 19:38:54,152 comm.communication INFO <8616.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,153 sats.satellite.EO INFO <8616.00> EO: Satellite EO requires retasking
2025-11-19 19:38:54,186 gym INFO <8616.00> Step reward: 0.0
2025-11-19 19:38:54,187 gym INFO <8616.00> === STARTING STEP ===
2025-11-19 19:38:54,187 sats.satellite.EO INFO <8616.00> EO: target index 16 tasked
2025-11-19 19:38:54,188 sats.satellite.EO INFO <8616.00> EO: Target(tgt-5211) tasked for imaging
2025-11-19 19:38:54,188 sats.satellite.EO INFO <8616.00> EO: Target(tgt-5211) window enabled: 8669.6 to 8737.4
2025-11-19 19:38:54,189 sats.satellite.EO INFO <8616.00> EO: setting timed terminal event at 8737.4
2025-11-19 19:38:54,218 sats.satellite.EO INFO <8737.50> EO: timed termination at 8737.4 for Target(tgt-5211) window
2025-11-19 19:38:54,219 data.base INFO <8737.50> Total reward: {}
2025-11-19 19:38:54,220 comm.communication INFO <8737.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,221 sats.satellite.EO INFO <8737.50> EO: Satellite EO requires retasking
2025-11-19 19:38:54,254 gym INFO <8737.50> Step reward: 0.0
2025-11-19 19:38:54,254 gym INFO <8737.50> === STARTING STEP ===
2025-11-19 19:38:54,255 sats.satellite.EO INFO <8737.50> EO: target index 11 tasked
2025-11-19 19:38:54,255 sats.satellite.EO INFO <8737.50> EO: Target(tgt-6575) tasked for imaging
2025-11-19 19:38:54,256 sats.satellite.EO INFO <8737.50> EO: Target(tgt-6575) window enabled: 8692.3 to 8797.0
2025-11-19 19:38:54,256 sats.satellite.EO INFO <8737.50> EO: setting timed terminal event at 8797.0
2025-11-19 19:38:54,273 sats.satellite.EO INFO <8797.50> EO: timed termination at 8797.0 for Target(tgt-6575) window
2025-11-19 19:38:54,274 data.base INFO <8797.50> Total reward: {}
2025-11-19 19:38:54,274 comm.communication INFO <8797.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,275 sats.satellite.EO INFO <8797.50> EO: Satellite EO requires retasking
2025-11-19 19:38:54,307 gym INFO <8797.50> Step reward: 0.0
2025-11-19 19:38:54,307 gym INFO <8797.50> === STARTING STEP ===
2025-11-19 19:38:54,308 sats.satellite.EO INFO <8797.50> EO: action_charge tasked for 60.0 seconds
2025-11-19 19:38:54,309 sats.satellite.EO INFO <8797.50> EO: setting timed terminal event at 8857.5
2025-11-19 19:38:54,325 sats.satellite.EO INFO <8857.50> EO: timed termination at 8857.5 for action_charge
2025-11-19 19:38:54,326 data.base INFO <8857.50> Total reward: {}
2025-11-19 19:38:54,326 comm.communication INFO <8857.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,327 sats.satellite.EO INFO <8857.50> EO: Satellite EO requires retasking
2025-11-19 19:38:54,360 gym INFO <8857.50> Step reward: 0.0
2025-11-19 19:38:54,361 gym INFO <8857.50> === STARTING STEP ===
2025-11-19 19:38:54,361 sats.satellite.EO INFO <8857.50> EO: target index 1 tasked
2025-11-19 19:38:54,362 sats.satellite.EO INFO <8857.50> EO: Target(tgt-1817) tasked for imaging
2025-11-19 19:38:54,363 sats.satellite.EO INFO <8857.50> EO: Target(tgt-1817) window enabled: 8774.6 to 8884.7
2025-11-19 19:38:54,363 sats.satellite.EO INFO <8857.50> EO: setting timed terminal event at 8884.7
2025-11-19 19:38:54,373 sats.satellite.EO INFO <8885.00> EO: timed termination at 8884.7 for Target(tgt-1817) window
2025-11-19 19:38:54,374 data.base INFO <8885.00> Total reward: {}
2025-11-19 19:38:54,375 comm.communication INFO <8885.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,376 sats.satellite.EO INFO <8885.00> EO: Satellite EO requires retasking
2025-11-19 19:38:54,408 gym INFO <8885.00> Step reward: 0.0
2025-11-19 19:38:54,408 gym INFO <8885.00> === STARTING STEP ===
2025-11-19 19:38:54,409 sats.satellite.EO INFO <8885.00> EO: target index 6 tasked
2025-11-19 19:38:54,410 sats.satellite.EO INFO <8885.00> EO: Target(tgt-2147) tasked for imaging
2025-11-19 19:38:54,411 sats.satellite.EO INFO <8885.00> EO: Target(tgt-2147) window enabled: 8895.9 to 8988.3
2025-11-19 19:38:54,411 sats.satellite.EO INFO <8885.00> EO: setting timed terminal event at 8988.3
2025-11-19 19:38:54,443 sats.satellite.EO INFO <8988.50> EO: timed termination at 8988.3 for Target(tgt-2147) window
2025-11-19 19:38:54,444 data.base INFO <8988.50> Total reward: {}
2025-11-19 19:38:54,445 comm.communication INFO <8988.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,446 sats.satellite.EO INFO <8988.50> EO: Satellite EO requires retasking
2025-11-19 19:38:54,479 gym INFO <8988.50> Step reward: 0.0
2025-11-19 19:38:54,480 gym INFO <8988.50> === STARTING STEP ===
2025-11-19 19:38:54,480 sats.satellite.EO INFO <8988.50> EO: target index 23 tasked
2025-11-19 19:38:54,481 sats.satellite.EO INFO <8988.50> EO: Target(tgt-8034) tasked for imaging
2025-11-19 19:38:54,482 sats.satellite.EO INFO <8988.50> EO: Target(tgt-8034) window enabled: 9077.4 to 9190.3
2025-11-19 19:38:54,482 sats.satellite.EO INFO <8988.50> EO: setting timed terminal event at 9190.3
2025-11-19 19:38:54,536 sats.satellite.EO INFO <9190.50> EO: timed termination at 9190.3 for Target(tgt-8034) window
2025-11-19 19:38:54,537 data.base INFO <9190.50> Total reward: {}
2025-11-19 19:38:54,538 comm.communication INFO <9190.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,539 sats.satellite.EO INFO <9190.50> EO: Satellite EO requires retasking
2025-11-19 19:38:54,572 gym INFO <9190.50> Step reward: 0.0
2025-11-19 19:38:54,572 gym INFO <9190.50> === STARTING STEP ===
2025-11-19 19:38:54,572 sats.satellite.EO INFO <9190.50> EO: target index 23 tasked
2025-11-19 19:38:54,573 sats.satellite.EO INFO <9190.50> EO: Target(tgt-3411) tasked for imaging
2025-11-19 19:38:54,574 sats.satellite.EO INFO <9190.50> EO: Target(tgt-3411) window enabled: 9251.3 to 9369.9
2025-11-19 19:38:54,574 sats.satellite.EO INFO <9190.50> EO: setting timed terminal event at 9369.9
2025-11-19 19:38:54,622 sats.satellite.EO INFO <9370.00> EO: timed termination at 9369.9 for Target(tgt-3411) window
2025-11-19 19:38:54,624 data.base INFO <9370.00> Total reward: {}
2025-11-19 19:38:54,624 comm.communication INFO <9370.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,625 sats.satellite.EO INFO <9370.00> EO: Satellite EO requires retasking
2025-11-19 19:38:54,658 gym INFO <9370.00> Step reward: 0.0
2025-11-19 19:38:54,659 gym INFO <9370.00> === STARTING STEP ===
2025-11-19 19:38:54,660 sats.satellite.EO INFO <9370.00> EO: target index 18 tasked
2025-11-19 19:38:54,660 sats.satellite.EO INFO <9370.00> EO: Target(tgt-4742) tasked for imaging
2025-11-19 19:38:54,661 sats.satellite.EO INFO <9370.00> EO: Target(tgt-4742) window enabled: 9478.6 to 9597.5
2025-11-19 19:38:54,661 sats.satellite.EO INFO <9370.00> EO: setting timed terminal event at 9597.5
2025-11-19 19:38:54,713 sats.satellite.EO INFO <9598.00> EO: timed termination at 9597.5 for Target(tgt-4742) window
2025-11-19 19:38:54,715 data.base INFO <9598.00> Total reward: {}
2025-11-19 19:38:54,715 comm.communication INFO <9598.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,716 sats.satellite.EO INFO <9598.00> EO: Satellite EO requires retasking
2025-11-19 19:38:54,749 gym INFO <9598.00> Step reward: 0.0
2025-11-19 19:38:54,750 gym INFO <9598.00> === STARTING STEP ===
2025-11-19 19:38:54,751 sats.satellite.EO INFO <9598.00> EO: target index 21 tasked
2025-11-19 19:38:54,751 sats.satellite.EO INFO <9598.00> EO: Target(tgt-938) tasked for imaging
2025-11-19 19:38:54,752 sats.satellite.EO INFO <9598.00> EO: Target(tgt-938) window enabled: 9681.7 to 9777.7
2025-11-19 19:38:54,752 sats.satellite.EO INFO <9598.00> EO: setting timed terminal event at 9777.7
2025-11-19 19:38:54,795 sats.satellite.EO INFO <9778.00> EO: timed termination at 9777.7 for Target(tgt-938) window
2025-11-19 19:38:54,796 data.base INFO <9778.00> Total reward: {}
2025-11-19 19:38:54,797 comm.communication INFO <9778.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,797 sats.satellite.EO INFO <9778.00> EO: Satellite EO requires retasking
2025-11-19 19:38:54,832 gym INFO <9778.00> Step reward: 0.0
2025-11-19 19:38:54,833 gym INFO <9778.00> === STARTING STEP ===
2025-11-19 19:38:54,833 sats.satellite.EO INFO <9778.00> EO: target index 11 tasked
2025-11-19 19:38:54,834 sats.satellite.EO INFO <9778.00> EO: Target(tgt-294) tasked for imaging
2025-11-19 19:38:54,835 sats.satellite.EO INFO <9778.00> EO: Target(tgt-294) window enabled: 9788.0 to 9852.9
2025-11-19 19:38:54,836 sats.satellite.EO INFO <9778.00> EO: setting timed terminal event at 9852.9
2025-11-19 19:38:54,854 sats.satellite.EO INFO <9853.00> EO: timed termination at 9852.9 for Target(tgt-294) window
2025-11-19 19:38:54,855 data.base INFO <9853.00> Total reward: {}
2025-11-19 19:38:54,856 comm.communication INFO <9853.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,857 sats.satellite.EO INFO <9853.00> EO: Satellite EO requires retasking
2025-11-19 19:38:54,890 gym INFO <9853.00> Step reward: 0.0
2025-11-19 19:38:54,890 gym INFO <9853.00> === STARTING STEP ===
2025-11-19 19:38:54,891 sats.satellite.EO INFO <9853.00> EO: target index 0 tasked
2025-11-19 19:38:54,891 sats.satellite.EO INFO <9853.00> EO: Target(tgt-6759) tasked for imaging
2025-11-19 19:38:54,892 sats.satellite.EO INFO <9853.00> EO: Target(tgt-6759) window enabled: 9755.4 to 9857.5
2025-11-19 19:38:54,893 sats.satellite.EO INFO <9853.00> EO: setting timed terminal event at 9857.5
2025-11-19 19:38:54,895 sats.satellite.EO INFO <9857.50> EO: timed termination at 9857.5 for Target(tgt-6759) window
2025-11-19 19:38:54,896 data.base INFO <9857.50> Total reward: {}
2025-11-19 19:38:54,897 comm.communication INFO <9857.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,898 sats.satellite.EO INFO <9857.50> EO: Satellite EO requires retasking
2025-11-19 19:38:54,930 gym INFO <9857.50> Step reward: 0.0
2025-11-19 19:38:54,931 gym INFO <9857.50> === STARTING STEP ===
2025-11-19 19:38:54,931 sats.satellite.EO INFO <9857.50> EO: target index 14 tasked
2025-11-19 19:38:54,932 sats.satellite.EO INFO <9857.50> EO: Target(tgt-4857) tasked for imaging
2025-11-19 19:38:54,933 sats.satellite.EO INFO <9857.50> EO: Target(tgt-4857) window enabled: 9866.3 to 9969.6
2025-11-19 19:38:54,934 sats.satellite.EO INFO <9857.50> EO: setting timed terminal event at 9969.6
2025-11-19 19:38:54,968 sats.satellite.EO INFO <9970.00> EO: timed termination at 9969.6 for Target(tgt-4857) window
2025-11-19 19:38:54,969 data.base INFO <9970.00> Total reward: {}
2025-11-19 19:38:54,970 comm.communication INFO <9970.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:54,971 sats.satellite.EO INFO <9970.00> EO: Satellite EO requires retasking
2025-11-19 19:38:55,006 gym INFO <9970.00> Step reward: 0.0
2025-11-19 19:38:55,006 gym INFO <9970.00> === STARTING STEP ===
2025-11-19 19:38:55,007 sats.satellite.EO INFO <9970.00> EO: target index 2 tasked
2025-11-19 19:38:55,008 sats.satellite.EO INFO <9970.00> EO: Target(tgt-7847) tasked for imaging
2025-11-19 19:38:55,008 sats.satellite.EO INFO <9970.00> EO: Target(tgt-7847) window enabled: 9877.1 to 9998.1
2025-11-19 19:38:55,009 sats.satellite.EO INFO <9970.00> EO: setting timed terminal event at 9998.1
2025-11-19 19:38:55,017 sats.satellite.EO INFO <9998.50> EO: timed termination at 9998.1 for Target(tgt-7847) window
2025-11-19 19:38:55,018 data.base INFO <9998.50> Total reward: {}
2025-11-19 19:38:55,019 comm.communication INFO <9998.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:55,019 sats.satellite.EO INFO <9998.50> EO: Satellite EO requires retasking
2025-11-19 19:38:55,052 gym INFO <9998.50> Step reward: 0.0
2025-11-19 19:38:55,053 gym INFO <9998.50> === STARTING STEP ===
2025-11-19 19:38:55,054 sats.satellite.EO INFO <9998.50> EO: target index 16 tasked
2025-11-19 19:38:55,054 sats.satellite.EO INFO <9998.50> EO: Target(tgt-1482) tasked for imaging
2025-11-19 19:38:55,055 sats.satellite.EO INFO <9998.50> EO: Target(tgt-1482) window enabled: 10009.7 to 10121.9
2025-11-19 19:38:55,056 sats.satellite.EO INFO <9998.50> EO: setting timed terminal event at 10121.9
2025-11-19 19:38:55,093 sats.satellite.EO INFO <10122.00> EO: timed termination at 10121.9 for Target(tgt-1482) window
2025-11-19 19:38:55,095 data.base INFO <10122.00> Total reward: {}
2025-11-19 19:38:55,095 comm.communication INFO <10122.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:55,096 sats.satellite.EO INFO <10122.00> EO: Satellite EO requires retasking
2025-11-19 19:38:55,129 gym INFO <10122.00> Step reward: 0.0
2025-11-19 19:38:55,130 gym INFO <10122.00> === STARTING STEP ===
2025-11-19 19:38:55,131 sats.satellite.EO INFO <10122.00> EO: target index 13 tasked
2025-11-19 19:38:55,131 sats.satellite.EO INFO <10122.00> EO: Target(tgt-4018) tasked for imaging
2025-11-19 19:38:55,132 sats.satellite.EO INFO <10122.00> EO: Target(tgt-4018) window enabled: 10195.5 to 10287.7
2025-11-19 19:38:55,132 sats.satellite.EO INFO <10122.00> EO: setting timed terminal event at 10287.7
2025-11-19 19:38:55,183 sats.satellite.EO INFO <10288.00> EO: timed termination at 10287.7 for Target(tgt-4018) window
2025-11-19 19:38:55,185 data.base INFO <10288.00> Total reward: {}
2025-11-19 19:38:55,186 comm.communication INFO <10288.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:55,187 sats.satellite.EO INFO <10288.00> EO: Satellite EO requires retasking
2025-11-19 19:38:55,221 gym INFO <10288.00> Step reward: 0.0
2025-11-19 19:38:55,222 gym INFO <10288.00> === STARTING STEP ===
2025-11-19 19:38:55,223 sats.satellite.EO INFO <10288.00> EO: target index 10 tasked
2025-11-19 19:38:55,223 sats.satellite.EO INFO <10288.00> EO: Target(tgt-6211) tasked for imaging
2025-11-19 19:38:55,224 sats.satellite.EO INFO <10288.00> EO: Target(tgt-6211) window enabled: 10254.5 to 10342.0
2025-11-19 19:38:55,225 sats.satellite.EO INFO <10288.00> EO: setting timed terminal event at 10342.0
2025-11-19 19:38:55,242 sats.satellite.EO INFO <10342.00> EO: timed termination at 10342.0 for Target(tgt-6211) window
2025-11-19 19:38:55,243 data.base INFO <10342.00> Total reward: {}
2025-11-19 19:38:55,243 comm.communication INFO <10342.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:55,244 sats.satellite.EO INFO <10342.00> EO: Satellite EO requires retasking
2025-11-19 19:38:55,278 gym INFO <10342.00> Step reward: 0.0
2025-11-19 19:38:55,279 gym INFO <10342.00> === STARTING STEP ===
2025-11-19 19:38:55,279 sats.satellite.EO INFO <10342.00> EO: target index 27 tasked
2025-11-19 19:38:55,280 sats.satellite.EO INFO <10342.00> EO: Target(tgt-7720) tasked for imaging
2025-11-19 19:38:55,281 sats.satellite.EO INFO <10342.00> EO: Target(tgt-7720) window enabled: 10463.4 to 10583.3
2025-11-19 19:38:55,281 sats.satellite.EO INFO <10342.00> EO: setting timed terminal event at 10583.3
2025-11-19 19:38:55,343 sats.satellite.EO INFO <10583.50> EO: timed termination at 10583.3 for Target(tgt-7720) window
2025-11-19 19:38:55,345 data.base INFO <10583.50> Total reward: {}
2025-11-19 19:38:55,345 comm.communication INFO <10583.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:55,346 sats.satellite.EO INFO <10583.50> EO: Satellite EO requires retasking
2025-11-19 19:38:55,380 gym INFO <10583.50> Step reward: 0.0
2025-11-19 19:38:55,380 gym INFO <10583.50> === STARTING STEP ===
2025-11-19 19:38:55,381 sats.satellite.EO INFO <10583.50> EO: target index 0 tasked
2025-11-19 19:38:55,381 sats.satellite.EO INFO <10583.50> EO: Target(tgt-9866) tasked for imaging
2025-11-19 19:38:55,382 sats.satellite.EO INFO <10583.50> EO: Target(tgt-9866) window enabled: 10471.8 to 10585.2
2025-11-19 19:38:55,382 sats.satellite.EO INFO <10583.50> EO: setting timed terminal event at 10585.2
2025-11-19 19:38:55,384 sats.satellite.EO INFO <10585.50> EO: timed termination at 10585.2 for Target(tgt-9866) window
2025-11-19 19:38:55,386 data.base INFO <10585.50> Total reward: {}
2025-11-19 19:38:55,386 comm.communication INFO <10585.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:55,387 sats.satellite.EO INFO <10585.50> EO: Satellite EO requires retasking
2025-11-19 19:38:55,419 gym INFO <10585.50> Step reward: 0.0
2025-11-19 19:38:55,420 gym INFO <10585.50> === STARTING STEP ===
2025-11-19 19:38:55,420 sats.satellite.EO INFO <10585.50> EO: target index 6 tasked
2025-11-19 19:38:55,421 sats.satellite.EO INFO <10585.50> EO: Target(tgt-7282) tasked for imaging
2025-11-19 19:38:55,422 sats.satellite.EO INFO <10585.50> EO: Target(tgt-7282) window enabled: 10499.8 to 10616.2
2025-11-19 19:38:55,422 sats.satellite.EO INFO <10585.50> EO: setting timed terminal event at 10616.2
2025-11-19 19:38:55,431 sats.satellite.EO INFO <10616.50> EO: timed termination at 10616.2 for Target(tgt-7282) window
2025-11-19 19:38:55,432 data.base INFO <10616.50> Total reward: {}
2025-11-19 19:38:55,433 comm.communication INFO <10616.50> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:55,434 sats.satellite.EO INFO <10616.50> EO: Satellite EO requires retasking
2025-11-19 19:38:55,468 gym INFO <10616.50> Step reward: 0.0
2025-11-19 19:38:55,468 gym INFO <10616.50> === STARTING STEP ===
2025-11-19 19:38:55,469 sats.satellite.EO INFO <10616.50> EO: target index 2 tasked
2025-11-19 19:38:55,469 sats.satellite.EO INFO <10616.50> EO: Target(tgt-7951) tasked for imaging
2025-11-19 19:38:55,470 sats.satellite.EO INFO <10616.50> EO: Target(tgt-7951) window enabled: 10571.9 to 10663.9
2025-11-19 19:38:55,471 sats.satellite.EO INFO <10616.50> EO: setting timed terminal event at 10663.9
2025-11-19 19:38:55,483 sats.satellite.EO INFO <10664.00> EO: timed termination at 10663.9 for Target(tgt-7951) window
2025-11-19 19:38:55,484 data.base INFO <10664.00> Total reward: {}
2025-11-19 19:38:55,485 comm.communication INFO <10664.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:55,486 sats.satellite.EO INFO <10664.00> EO: Satellite EO requires retasking
2025-11-19 19:38:55,519 gym INFO <10664.00> Step reward: 0.0
2025-11-19 19:38:55,519 gym INFO <10664.00> === STARTING STEP ===
2025-11-19 19:38:55,520 sats.satellite.EO INFO <10664.00> EO: target index 9 tasked
2025-11-19 19:38:55,520 sats.satellite.EO INFO <10664.00> EO: Target(tgt-9422) tasked for imaging
2025-11-19 19:38:55,521 sats.satellite.EO INFO <10664.00> EO: Target(tgt-9422) window enabled: 10602.1 to 10715.9
2025-11-19 19:38:55,521 sats.satellite.EO INFO <10664.00> EO: setting timed terminal event at 10715.9
2025-11-19 19:38:55,534 sats.satellite.EO INFO <10716.00> EO: timed termination at 10715.9 for Target(tgt-9422) window
2025-11-19 19:38:55,536 data.base INFO <10716.00> Total reward: {}
2025-11-19 19:38:55,536 comm.communication INFO <10716.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:55,537 sats.satellite.EO INFO <10716.00> EO: Satellite EO requires retasking
2025-11-19 19:38:55,571 gym INFO <10716.00> Step reward: 0.0
2025-11-19 19:38:55,571 gym INFO <10716.00> === STARTING STEP ===
2025-11-19 19:38:55,572 sats.satellite.EO INFO <10716.00> EO: target index 26 tasked
2025-11-19 19:38:55,572 sats.satellite.EO INFO <10716.00> EO: Target(tgt-8054) tasked for imaging
2025-11-19 19:38:55,573 sats.satellite.EO INFO <10716.00> EO: Target(tgt-8054) window enabled: 10895.3 to 10930.9
2025-11-19 19:38:55,574 sats.satellite.EO INFO <10716.00> EO: setting timed terminal event at 10930.9
2025-11-19 19:38:55,631 sats.satellite.EO INFO <10931.00> EO: timed termination at 10930.9 for Target(tgt-8054) window
2025-11-19 19:38:55,632 data.base INFO <10931.00> Total reward: {}
2025-11-19 19:38:55,632 comm.communication INFO <10931.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:55,633 sats.satellite.EO INFO <10931.00> EO: Satellite EO requires retasking
2025-11-19 19:38:55,667 gym INFO <10931.00> Step reward: 0.0
2025-11-19 19:38:55,668 gym INFO <10931.00> === STARTING STEP ===
2025-11-19 19:38:55,668 sats.satellite.EO INFO <10931.00> EO: target index 20 tasked
2025-11-19 19:38:55,669 sats.satellite.EO INFO <10931.00> EO: Target(tgt-8035) tasked for imaging
2025-11-19 19:38:55,669 sats.satellite.EO INFO <10931.00> EO: Target(tgt-8035) window enabled: 10949.3 to 11062.9
2025-11-19 19:38:55,670 sats.satellite.EO INFO <10931.00> EO: setting timed terminal event at 11062.9
2025-11-19 19:38:55,702 sats.satellite.EO INFO <11063.00> EO: timed termination at 11062.9 for Target(tgt-8035) window
2025-11-19 19:38:55,703 data.base INFO <11063.00> Total reward: {}
2025-11-19 19:38:55,704 comm.communication INFO <11063.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:55,704 sats.satellite.EO INFO <11063.00> EO: Satellite EO requires retasking
2025-11-19 19:38:55,739 gym INFO <11063.00> Step reward: 0.0
2025-11-19 19:38:55,739 gym INFO <11063.00> === STARTING STEP ===
2025-11-19 19:38:55,740 sats.satellite.EO INFO <11063.00> EO: target index 20 tasked
2025-11-19 19:38:55,740 sats.satellite.EO INFO <11063.00> EO: Target(tgt-2270) tasked for imaging
2025-11-19 19:38:55,741 sats.satellite.EO INFO <11063.00> EO: Target(tgt-2270) window enabled: 11091.6 to 11157.7
2025-11-19 19:38:55,742 sats.satellite.EO INFO <11063.00> EO: setting timed terminal event at 11157.7
2025-11-19 19:38:55,772 sats.satellite.EO INFO <11158.00> EO: timed termination at 11157.7 for Target(tgt-2270) window
2025-11-19 19:38:55,773 data.base INFO <11158.00> Total reward: {}
2025-11-19 19:38:55,773 comm.communication INFO <11158.00> Optimizing data communication between all pairs of satellites
2025-11-19 19:38:55,774 sats.satellite.EO INFO <11158.00> EO: Satellite EO requires retasking
2025-11-19 19:38:55,807 sats.satellite.EO WARNING <11158.00> EO: failed battery_valid check
2025-11-19 19:38:55,808 gym INFO <11158.00> Step reward: 0.0
2025-11-19 19:38:55,808 gym INFO <11158.00> Episode terminated: True
2025-11-19 19:38:55,808 gym INFO <11158.00> Episode truncated: False
Episode complete.
After the running the simulation, we can check the reward, number of imaged targets that were covered by clouds and that were not covered by clouds (according to the threshold set in the rewarder).
[11]:
print("Total reward:", env.unwrapped.rewarder.cum_reward)
print("Covered by clouds:", env.unwrapped.rewarder.data.cloud_covered)
print("Not covered by clouds:", env.unwrapped.rewarder.data.cloud_free)
Total reward: {'EO': np.float64(3.1222938660292687)}
Covered by clouds: {Target(tgt-6163), Target(tgt-418), Target(tgt-1665), Target(tgt-5265), Target(tgt-5884), Target(tgt-5107), Target(tgt-9510), Target(tgt-2692)}
Not covered by clouds: {Target(tgt-105), Target(tgt-4933), Target(tgt-5414), Target(tgt-1256), Target(tgt-2148), Target(tgt-7600), Target(tgt-275), Target(tgt-5684), Target(tgt-6601), Target(tgt-1516), Target(tgt-9873)}