Cloud Environment with Re-imaging
This tutorial demonstrates the configuration and use of a BSK-RL environment considering cloud coverage and re-imaging capabilities. Two reward functions are presented: a single-picture binary case (where targets are deemed occluded by clouds or not and no re-imaging is allowed) and a re-imaging case where the problem is formulated in terms of the targets’ probability of being successfully observed. Still, the satellite cannot observe the true cloud coverage of each target, only its forecast. The satellite has to image targets while keeping a positive battery level. This example script is part of an upcoming publication.
Loading Modules
[1]:
from bsk_rl import ConstellationTasking
import numpy as np
from typing import Optional, Callable, Union
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.scene.targets import UniformTargets
from bsk_rl.data.base import Data, DataStore, GlobalReward
from bsk_rl.data.unique_image_data import (
UniqueImageData,
UniqueImageStore,
UniqueImageReward,
)
bskLogging.setDefaultLogLevel(bskLogging.BSK_WARNING)
Making a Scenario with Cloud Covered Targets
To account for clouds in the simulation process, we can associate a cloud coverage value to each target that represents the percentage of cloud coverage over that area. Cloud coverage can be randomly generated or derived from real data. Here, we have an example on how to use a stochastic cloud model using UniformTargets as a base and attach the following information to each target:
cloud_cover_true
represents 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_forecast
represents the cloud coverage forecast. Forecast from external sources can be plugged in here.cloud_cover_sigma
represents the standard deviation of the cloud coverage forecast.belief
represents the probability that the target was successfully observed.prev_obs
time at which the last picture of the target was taken.
[2]:
class CloudTargets(UniformTargets):
mu_data = 0.6740208166434426 # Average global cloud coverage
def __init__(
self,
n_targets: Union[int, tuple[int, int]],
priority_distribution: Optional[Callable] = None,
radius: float = orbitalMotion.REQ_EARTH * 1e3,
sigma_levels: tuple[float, float] = (0.01, 0.05),
reward_thresholds: Union[float, tuple[float, float]] = 0.95,
belief_init: tuple[float, float] = (0.0, 0.94),
prev_obs_init: tuple[float, float] = (0.0, 5700.0),
) -> None:
super().__init__(n_targets, priority_distribution, radius)
self.reward_thresholds = reward_thresholds
self.sigma_levels = sigma_levels
self.belief_init = belief_init
self.prev_obs_init = prev_obs_init
def regenerate_targets(self) -> None:
super().regenerate_targets()
for target in self.targets:
# Initialize true cloud coverage
cloud_cover_true = np.random.uniform(
0.0, self.mu_data * 2
) # Instead, true cloud coverage can be obtained by historical data based on the target's position
cloud_cover_true = np.clip(cloud_cover_true, 0.0, 1.0)
target.cloud_cover_true = cloud_cover_true
# Initialize cloud coverage forecast
target.cloud_cover_sigma = np.random.uniform(
self.sigma_levels[0], self.sigma_levels[1]
)
cloud_cover_forecast = np.random.normal(
target.cloud_cover_true, target.cloud_cover_sigma
)
target.cloud_cover_forecast = np.clip(cloud_cover_forecast, 0.0, 1.0)
# Set reward threshold
if isinstance(self.reward_thresholds, float):
target.reward_threshold = self.reward_thresholds
else:
target.reward_threshold = np.random.uniform(
self.reward_thresholds[0], self.reward_thresholds[1]
)
# Initialize beliefs and previous observations
b_S1 = np.random.uniform(self.belief_init[0], self.belief_init[1])
b_S0 = 1 - b_S1
target.belief = np.array([b_S0, b_S1])
target.prev_obs = -np.random.uniform(
self.prev_obs_init[0], self.prev_obs_init[0]
)
target.belief_update_var = 0.0
# Define the randomization interval for the number of targets
n_targets = (1000, 10000)
scenario = CloudTargets(n_targets=n_targets)
Making a Rewarder Considering Cloud Coverage for the Single-picture Case
When considering targets potentially covered by clouds, we can use a binary reward model where the reward is proportional to the target priority if the target’s cloud coverage is below its reward_threshold
(how much cloud coverage is acceptable). Therefore, we create a modified rewarder CloudImageBinaryRewarder
; 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 binary reward model.
For this case, the reward function is given by
where \(\rho_i\) is priority, \(c_{p_i}\) is the true cloud coverage, and \(c_{\text{thr}_i}\) is the reward_threshold
for target \(i\). For a case where the reward is linearly proportional to the cloud coverage, see Cloud Environment
[3]:
from typing import TYPE_CHECKING
if TYPE_CHECKING: # pragma: no cover
from bsk_rl.scene.targets import (
Target,
)
class CloudImageBinaryData(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. It also keeps track of which targets are considered
``cloud_covered`` and ``cloud_free`` based on the specified threshold.
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: "CloudImageBinaryData") -> "CloudImageBinaryData":
"""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 CloudImageBinaryDataStore(UniqueImageStore):
"""DataStore for unique images of targets."""
data_type = CloudImageBinaryData
def compare_log_states(
self, old_state: np.ndarray, new_state: np.ndarray
) -> CloudImageBinaryData:
"""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 UniqueImageData()
else:
assert self.satellite.latest_target is not None
self.update_target_colors([self.satellite.latest_target])
cloud_coverage = self.satellite.latest_target.cloud_cover_true
cloud_threshold = self.satellite.latest_target.reward_threshold
if cloud_coverage > cloud_threshold:
cloud_covered = [self.satellite.latest_target]
cloud_free = []
else:
cloud_covered = []
cloud_free = [self.satellite.latest_target]
return CloudImageBinaryData(
imaged={self.satellite.latest_target},
cloud_covered=cloud_covered,
cloud_free=cloud_free,
)
class CloudImageBinaryRewarder(UniqueImageReward):
"""DataManager for rewarding unique images."""
data_store_type = CloudImageBinaryDataStore
def calculate_reward(
self, new_data_dict: dict[str, CloudImageBinaryData]
) -> 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) / imaged_counts[target]
)
return reward
# Define the reward function as a function of the priority of the target and the cloud cover
def reward_function_binary(priority):
return priority
# Uncomment this line and comment the reward in the cell below to use the binary reward function
# rewarder = CloudImageBinaryRewarder(reward_fn=reward_function_binary)
Making a Rewarder Considering Cloud Coverage for the Re-imaging Case
If the target is deemed occluded by clouds, it won’t be tasked again in the single-picture case. However, the problem can be formulated in terms of the probability of observing the target (\(\text{P}(S=1)\), represented by the variable belief
in the code) given the number of pictures and time difference between pictures (\(\delta t_i\)). Thus, a new rewarder named CloudImageProbabilityRewarder
is created to accommodate this new formulation, as well as a new reward function.
The reward function accounts for the desired success probability threshold for each target (\(\theta_{\text{thr}_i}\), represented by reward_threshold
in the code) and has a tunable parameter \(\alpha\in[0,1]\):
[4]:
class CloudImageProbabilityData(Data):
"""DataType for unique images of targets."""
def __init__(
self,
imaged: Optional[list["Target"]] = None,
imaged_complete: Optional[set["Target"]] = None,
list_belief_update_var: Optional[list[float]] = None,
known: Optional[set["Target"]] = None,
) -> None:
"""Construct unit of data to record unique images.
Keeps track of ``imaged`` targets and completely imaged targets (those with a success probability
higher than the ``reward_threshold``).
Args:
imaged: List of targets that are known to be imaged.
imaged_complete: Set of targets that are known to be completely imaged (P(S=1) >= reward_threshold).
list_belief_update_var: List of belief update variations for each target after each picture.
known: List of targets that are known to exist (imaged and not imaged)
"""
if imaged is None:
imaged = []
if imaged_complete is None:
imaged_complete = set()
if list_belief_update_var is None:
list_belief_update_var = []
if known is None:
known = set()
self.known = set(known)
self.imaged = imaged
self.imaged_complete = imaged_complete
self.list_belief_update_var = list(list_belief_update_var)
def __add__(
self, other: "CloudImageProbabilityData"
) -> "CloudImageProbabilityData":
"""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
imaged_complete = self.imaged_complete | other.imaged_complete
list_belief_update_var = (
self.list_belief_update_var + other.list_belief_update_var
)
known = self.known | other.known
return self.__class__(
imaged=imaged,
imaged_complete=imaged_complete,
list_belief_update_var=list_belief_update_var,
known=known,
)
class CloudImageProbabilityDataStore(DataStore):
"""DataStore for unique images of targets."""
data_type = CloudImageProbabilityData
def __init__(self, *args, **kwargs) -> None:
"""DataStore for unique images.
Detects new images by watching for an increase in data in each target's corresponding
buffer.
"""
super().__init__(*args, **kwargs)
def get_log_state(self) -> np.ndarray:
"""Log the instantaneous storage unit state at the end of each step.
Returns:
array: storedData from satellite storage unit
"""
msg = self.satellite.dynamics.storageUnit.storageUnitDataOutMsg.read()
return msg.storedData[0]
def compare_log_states(
self, old_state: np.ndarray, new_state: np.ndarray
) -> CloudImageProbabilityData:
"""Check for an increase in logged data to identify new images.
This method also performs the belief update (new probability of success) for each target
based on the cloud coverage forecast and the time difference between the current time and
the previous observation time. It also keeps track of the variation in the belief update.
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 CloudImageProbabilityData()
else:
assert self.satellite.latest_target is not None
# return UniqueImageData(imaged={self.satellite.latest_target})
target = self.satellite.latest_target
current_sim_time = self.satellite.simulator.sim_time
belief_update_func = self.satellite.belief_update_func
target_prev_obs = (
target.prev_obs
) # Time at which the target was previously observed
target_time_diff = (
current_sim_time - target_prev_obs
) # Time difference between the current time and the previous observation time
target_belief = (
target.belief
) # Belief of the target before the current picture
target_cloud_cover_forecast = target.cloud_cover_forecast
updated_belief = belief_update_func(
target_belief, target_cloud_cover_forecast, target_time_diff
)
target.belief = updated_belief # Update the belief of the target
target.belief_update_var = updated_belief[1] - target_belief[1]
target.prev_obs = current_sim_time # Update the previous observation time
if updated_belief[1] > target.reward_threshold:
list_imaged_complete = [target]
else:
list_imaged_complete = []
list_belief_update_var = target.belief_update_var
return CloudImageProbabilityData(
imaged=[target],
imaged_complete=set(list_imaged_complete),
list_belief_update_var=[list_belief_update_var],
)
class CloudImageProbabilityRewarder(GlobalReward):
data_store_type = CloudImageProbabilityDataStore
def __init__(
self,
reward_fn: Callable,
alpha: float = 0.5,
) -> None:
"""
Modifies the constructor to include the alpha parameter to tune the reward function and
the reward function.
Args:
reward_fn: Reward as function of priority, targets belief, and alpha.
"""
super().__init__()
self.reward_fn = reward_fn
self.alpha = alpha
def initial_data(self, satellite: "sats.Satellite") -> "UniqueImageData":
"""Furnish data to the scenario.
Currently, it is assumed that all targets are known a priori, so the initial data
given to the data store is the list of all targets.
"""
return self.data_type(known=self.scenario.targets)
def calculate_reward(
self, new_data_dict: dict[str, CloudImageProbabilityData]
) -> 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 = {}
for sat_id, new_data in new_data_dict.items():
reward[sat_id] = 0.0
for target, belief_variation in zip(
new_data.imaged, new_data.list_belief_update_var
):
reward[sat_id] += self.reward_fn(
target.priority, belief_variation, self.alpha, reach_threshold=False
)
for target in new_data.imaged_complete:
reward[sat_id] += self.reward_fn(
target.priority, None, self.alpha, reach_threshold=True
)
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_probability(
priority: float, belief_variation: float, alpha: float, reach_threshold: bool
) -> float:
"""
Rewards based on the priority of the target, the belief variation, and the alpha parameter.
Args:
priority: Priority of the target.
belief_variation: Variation in the belief of the target after the picture.
alpha: Tuning parameter between 0 and 1.
reach_threshold: Boolean indicating whether the target has reached the reward threshold.
Returns:
float: Reward for the target.
"""
if reach_threshold:
return priority * (1 - alpha)
else:
return priority * belief_variation * alpha
rewarder = CloudImageProbabilityRewarder(
reward_fn=reward_function_probability, alpha=1.0
)
CloudImageProbabilityDataStore
requires a function belief_update_func
that returns the updated success probability for target \(i\) (\(\text{P}^{(k+1)}_i(S=1)\)) given its current success probability (\(\text{P}^{(k)}_i(S=1)\)), cloud coverage forecast (\(c_{f_i}\)), and the time different between the current and previous image (\(\delta t_i\)).
The update in the success probability is given by:
To penalize two consecutive pictures without enough elapsed time (and not enough shift in clouds’ position), a new cloud-free probability variable \(g_{f_i}\) is introduced such that
where \(\beta\) is given by a sigmoid
and
leading to:
[5]:
def time_variation(
delta_t: float, t_const: float, k_1: float = 2.5, k_2: float = 2.5, k_3: float = 1.0
) -> float:
"""
Time variation function based on sigmoid function.
Args:
delta_t (float): Time difference between the current time and the previous observation time.
t_const (float): Time constant for the sigmoid function.
k_1 (float): Sigmoid function parameter.
k_2 (float): Sigmoid function parameter.
k_3 (float): Sigmoid function parameter.
Returns:
float: Time variation value.
"""
if delta_t <= 0:
return 0
else:
return 1 / (k_3 + np.exp(-k_1 * (delta_t / t_const - k_2)))
def belief_update(
b: list[float], cloud_cover_forecast: float, delta_t: float, t_const: float
) -> np.array:
"""
Update the belief based on the cloud forecast and the time variation.
Args:
b (np.array): Belief array (b(S=0), b(S=1)).
cloud_forecast (float): Cloud coverage forecast.
delta_t (float): Time difference between the current time and the previous observation time.
t_const (float): Time constant for the sigmoid function.
Returns:
np.array: Updated belief array
"""
cloud_time_variation = time_variation(delta_t, t_const)
cloud_free = (1 - cloud_cover_forecast) * cloud_time_variation
cloud_cover_bar = 1 - cloud_free
b_0 = b[0] * cloud_cover_bar
b_1 = 1 - b_0
return np.array([b_0, b_1])
def belief_update_func(
b: list[float], cloud_cover_forecast: float, delta_t: float
) -> np.array:
"""
Belief update function for the satellite.
Args:
b (np.array): Belief array (b(S=0), b(S=1)).
cloud_forecast (float): Cloud coverage forecast.
delta_t (float): Time difference between the current time and the previous observation time.
Returns:
np.array: Updated belief array
"""
time_constant = 30 * 60 / 5 # 30 minutes
return belief_update(b, cloud_cover_forecast, delta_t, time_constant)
Configuring the Satellite to Have Access to Cloud Information
The satellite has observations and actions associated with it that are relevant to the decision-making process. The observation space can be modified to include information about the targets and the weather (cloud coverage forecast, reward threshold, success probability, etc) which allows better informed decision-making.
-
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, standard deviation of cloud coverage forecast, probability of being successfully imaged, and last time it was imaged (upcoming 32 targets).
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.
[6]:
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.Eclipse(),
obs.OpportunityProperties(
dict(prop="priority"),
dict(
fn=lambda sat, opp: opp["object"].cloud_cover_forecast
), # Cloud coverage forecast (percentage of the area covered by clouds)
dict(
fn=lambda sat, opp: opp["object"].cloud_cover_sigma
), # Confidence on the cloud coverage forecast
# dict(fn=lambda sat, opp: opp["object"].reward_threshold), #Reward threshold for each target. Uncomment if using variable threshold
dict(
fn=lambda sat, opp: opp["object"].belief[1]
), # Probability of successfully imaging the target. Used only in the re-imaging case
dict(
fn=lambda sat, opp: opp["object"].prev_obs, norm=5700
), # Previous observation time. Used only in the re-imaging case
type="target",
n_ahead_observe=32,
),
obs.Time(),
]
action_spec = [
act.Charge(duration=60.0),
act.Image(n_ahead_image=32),
]
# Modified the constructor to include the belief update function
def __init__(self, *args, belief_update_func=None, **kwargs) -> None:
super().__init__(*args, **kwargs)
self.belief_update_func = belief_update_func
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
It is necessary to add a filter to remove targets that reached the success threshold from the targets list when re-imaging is allowed such that:
[7]:
def belief_threshold_filter(opportunity):
if opportunity["type"] == "target":
return (
True
if opportunity["object"].belief[1] < opportunity["object"].reward_threshold
else False
)
return True
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.
[8]:
dataStorageCapacity = 20 * 8e6 * 100
sat_args = CustomSatComposed.default_sat_args(
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
dataStorageCapacity=dataStorageCapacity, # Large storage to avoid filling up in three orbits
)
Initializing and Interacting with the Environment
For this example, we will be using the multi-agent ConstellationTasking 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.
[9]:
from bsk_rl.utils.orbital import walker_delta_args
sat_arg_randomizer = walker_delta_args(
altitude=500.0, n_planes=1, inc=45, clustersize=5, clusterspacing=72
)
satellites = [
CustomSatComposed(f"EO-{i}", sat_args, belief_update_func=belief_update_func)
for i in range(5)
]
# Add filter to satellites to remove targets that have already reached the belief threshold
for sat in satellites:
sat.add_access_filter(belief_threshold_filter)
env = ConstellationTasking(
satellites=satellites,
world_type=world.GroundStationWorldModel,
world_args=world.GroundStationWorldModel.default_world_args(),
scenario=scenario,
rewarder=rewarder,
sat_arg_randomizer=sat_arg_randomizer,
sim_rate=0.5,
max_step_duration=300.0,
time_limit=95 * 60 / 2, # half orbit
log_level="INFO",
failure_penalty=0.0,
# disable_env_checker=True, # For debugging
)
First, reset the environment. It is possible to specify the seed when resetting the environment.
[10]:
observation, info = env.reset(seed=1)
2025-10-16 18:32:20,900 gym INFO Resetting environment with seed=1
2025-10-16 18:32:20,903 scene.targets INFO Generating 9597 targets
2025-10-16 18:32:21,378 sats.satellite.EO-0 INFO <0.00> EO-0: Finding opportunity windows from 0.00 to 3000.00 seconds
2025-10-16 18:32:22,026 sats.satellite.EO-1 INFO <0.00> EO-1: Finding opportunity windows from 0.00 to 3000.00 seconds
2025-10-16 18:32:22,624 sats.satellite.EO-2 INFO <0.00> EO-2: Finding opportunity windows from 0.00 to 3000.00 seconds
2025-10-16 18:32:23,215 sats.satellite.EO-3 INFO <0.00> EO-3: Finding opportunity windows from 0.00 to 3000.00 seconds
2025-10-16 18:32:23,871 sats.satellite.EO-4 INFO <0.00> EO-4: Finding opportunity windows from 0.00 to 3000.00 seconds
2025-10-16 18:32:24,527 gym INFO <0.00> Environment reset
It is possible to print 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.
[11]:
print("Actions:", env.satellites[0].action_description, "\n")
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_('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_0.prop_3'), np.str_('target.target_0.prop_4_normd'), np.str_('target.target_1.priority'), np.str_('target.target_1.prop_1'), np.str_('target.target_1.prop_2'), np.str_('target.target_1.prop_3'), np.str_('target.target_1.prop_4_normd'), np.str_('target.target_2.priority'), np.str_('target.target_2.prop_1'), np.str_('target.target_2.prop_2'), np.str_('target.target_2.prop_3'), np.str_('target.target_2.prop_4_normd'), np.str_('target.target_3.priority'), np.str_('target.target_3.prop_1'), np.str_('target.target_3.prop_2'), np.str_('target.target_3.prop_3'), np.str_('target.target_3.prop_4_normd'), np.str_('target.target_4.priority'), np.str_('target.target_4.prop_1'), np.str_('target.target_4.prop_2'), np.str_('target.target_4.prop_3'), np.str_('target.target_4.prop_4_normd'), np.str_('target.target_5.priority'), np.str_('target.target_5.prop_1'), np.str_('target.target_5.prop_2'), np.str_('target.target_5.prop_3'), np.str_('target.target_5.prop_4_normd'), np.str_('target.target_6.priority'), np.str_('target.target_6.prop_1'), np.str_('target.target_6.prop_2'), np.str_('target.target_6.prop_3'), np.str_('target.target_6.prop_4_normd'), np.str_('target.target_7.priority'), np.str_('target.target_7.prop_1'), np.str_('target.target_7.prop_2'), np.str_('target.target_7.prop_3'), np.str_('target.target_7.prop_4_normd'), np.str_('target.target_8.priority'), np.str_('target.target_8.prop_1'), np.str_('target.target_8.prop_2'), np.str_('target.target_8.prop_3'), np.str_('target.target_8.prop_4_normd'), np.str_('target.target_9.priority'), np.str_('target.target_9.prop_1'), np.str_('target.target_9.prop_2'), np.str_('target.target_9.prop_3'), np.str_('target.target_9.prop_4_normd'), np.str_('target.target_10.priority'), np.str_('target.target_10.prop_1'), np.str_('target.target_10.prop_2'), np.str_('target.target_10.prop_3'), np.str_('target.target_10.prop_4_normd'), np.str_('target.target_11.priority'), np.str_('target.target_11.prop_1'), np.str_('target.target_11.prop_2'), np.str_('target.target_11.prop_3'), np.str_('target.target_11.prop_4_normd'), np.str_('target.target_12.priority'), np.str_('target.target_12.prop_1'), np.str_('target.target_12.prop_2'), np.str_('target.target_12.prop_3'), np.str_('target.target_12.prop_4_normd'), np.str_('target.target_13.priority'), np.str_('target.target_13.prop_1'), np.str_('target.target_13.prop_2'), np.str_('target.target_13.prop_3'), np.str_('target.target_13.prop_4_normd'), np.str_('target.target_14.priority'), np.str_('target.target_14.prop_1'), np.str_('target.target_14.prop_2'), np.str_('target.target_14.prop_3'), np.str_('target.target_14.prop_4_normd'), np.str_('target.target_15.priority'), np.str_('target.target_15.prop_1'), np.str_('target.target_15.prop_2'), np.str_('target.target_15.prop_3'), np.str_('target.target_15.prop_4_normd'), np.str_('target.target_16.priority'), np.str_('target.target_16.prop_1'), np.str_('target.target_16.prop_2'), np.str_('target.target_16.prop_3'), np.str_('target.target_16.prop_4_normd'), np.str_('target.target_17.priority'), np.str_('target.target_17.prop_1'), np.str_('target.target_17.prop_2'), np.str_('target.target_17.prop_3'), np.str_('target.target_17.prop_4_normd'), np.str_('target.target_18.priority'), np.str_('target.target_18.prop_1'), np.str_('target.target_18.prop_2'), np.str_('target.target_18.prop_3'), np.str_('target.target_18.prop_4_normd'), np.str_('target.target_19.priority'), np.str_('target.target_19.prop_1'), np.str_('target.target_19.prop_2'), np.str_('target.target_19.prop_3'), np.str_('target.target_19.prop_4_normd'), np.str_('target.target_20.priority'), np.str_('target.target_20.prop_1'), np.str_('target.target_20.prop_2'), np.str_('target.target_20.prop_3'), np.str_('target.target_20.prop_4_normd'), np.str_('target.target_21.priority'), np.str_('target.target_21.prop_1'), np.str_('target.target_21.prop_2'), np.str_('target.target_21.prop_3'), np.str_('target.target_21.prop_4_normd'), np.str_('target.target_22.priority'), np.str_('target.target_22.prop_1'), np.str_('target.target_22.prop_2'), np.str_('target.target_22.prop_3'), np.str_('target.target_22.prop_4_normd'), np.str_('target.target_23.priority'), np.str_('target.target_23.prop_1'), np.str_('target.target_23.prop_2'), np.str_('target.target_23.prop_3'), np.str_('target.target_23.prop_4_normd'), np.str_('target.target_24.priority'), np.str_('target.target_24.prop_1'), np.str_('target.target_24.prop_2'), np.str_('target.target_24.prop_3'), np.str_('target.target_24.prop_4_normd'), np.str_('target.target_25.priority'), np.str_('target.target_25.prop_1'), np.str_('target.target_25.prop_2'), np.str_('target.target_25.prop_3'), np.str_('target.target_25.prop_4_normd'), np.str_('target.target_26.priority'), np.str_('target.target_26.prop_1'), np.str_('target.target_26.prop_2'), np.str_('target.target_26.prop_3'), np.str_('target.target_26.prop_4_normd'), np.str_('target.target_27.priority'), np.str_('target.target_27.prop_1'), np.str_('target.target_27.prop_2'), np.str_('target.target_27.prop_3'), np.str_('target.target_27.prop_4_normd'), np.str_('target.target_28.priority'), np.str_('target.target_28.prop_1'), np.str_('target.target_28.prop_2'), np.str_('target.target_28.prop_3'), np.str_('target.target_28.prop_4_normd'), np.str_('target.target_29.priority'), np.str_('target.target_29.prop_1'), np.str_('target.target_29.prop_2'), np.str_('target.target_29.prop_3'), np.str_('target.target_29.prop_4_normd'), np.str_('target.target_30.priority'), np.str_('target.target_30.prop_1'), np.str_('target.target_30.prop_2'), np.str_('target.target_30.prop_3'), np.str_('target.target_30.prop_4_normd'), np.str_('target.target_31.priority'), np.str_('target.target_31.prop_1'), np.str_('target.target_31.prop_2'), np.str_('target.target_31.prop_3'), np.str_('target.target_31.prop_4_normd'), np.str_('time')]
sat_props: {'omega_BP_P_normd': array([-0.00350386, 0.00198976, -0.00368761]), 'c_hat_P': array([-0.58085052, 0.0322632 , -0.81337061]), 'r_BN_P_normd': array([-0.54798211, -0.70115756, 0.60713484]), 'v_BN_P_normd': array([ 0.8111179 , -0.26445426, 0.42668281]), 'battery_charge_fraction': 0.5117561268266025, 'solar_angle_norm': np.float64(0.5154094809633692)}
eclipse: [np.float64(4590.0), np.float64(1050.0)]
target: {'target_0': {'priority': 0.12838407732351953, 'prop_1': np.float64(1.0), 'prop_2': 0.02920605953026551, 'prop_3': np.float64(0.8393179994297264), 'prop_4_normd': -0.0}, 'target_1': {'priority': 0.6503131249437152, 'prop_1': np.float64(0.859590069146536), 'prop_2': 0.024003108130668138, 'prop_3': np.float64(0.6236111377604573), 'prop_4_normd': -0.0}, 'target_2': {'priority': 0.6146213708966525, 'prop_1': np.float64(0.0), 'prop_2': 0.021999253973604922, 'prop_3': np.float64(0.5555218161311934), 'prop_4_normd': -0.0}, 'target_3': {'priority': 0.01871396298270145, 'prop_1': np.float64(1.0), 'prop_2': 0.03745662421243795, 'prop_3': np.float64(0.18442928486345855), 'prop_4_normd': -0.0}, 'target_4': {'priority': 0.035687667389756816, 'prop_1': np.float64(0.8247412647208205), 'prop_2': 0.02960272410748592, 'prop_3': np.float64(0.5347675234354621), 'prop_4_normd': -0.0}, 'target_5': {'priority': 0.6413386403513253, 'prop_1': np.float64(0.35757893172943217), 'prop_2': 0.03020324597947502, 'prop_3': np.float64(0.4471750512807577), 'prop_4_normd': -0.0}, 'target_6': {'priority': 0.14300410951832265, 'prop_1': np.float64(0.35673585839171484), 'prop_2': 0.04168934352049907, 'prop_3': np.float64(0.729168416565039), 'prop_4_normd': -0.0}, 'target_7': {'priority': 0.1444390118797283, 'prop_1': np.float64(0.6699539433269939), 'prop_2': 0.03283591671873696, 'prop_3': np.float64(0.7594647533141208), 'prop_4_normd': -0.0}, 'target_8': {'priority': 0.5548150887952674, 'prop_1': np.float64(0.20098610776927278), 'prop_2': 0.022675060485600765, 'prop_3': np.float64(0.19260816737916042), 'prop_4_normd': -0.0}, 'target_9': {'priority': 0.27911766061832377, 'prop_1': np.float64(1.0), 'prop_2': 0.02071733459892265, 'prop_3': np.float64(0.899516241150796), 'prop_4_normd': -0.0}, 'target_10': {'priority': 0.6199456938616299, 'prop_1': np.float64(0.18716483187460398), 'prop_2': 0.022964991433673705, 'prop_3': np.float64(0.11589222244907114), 'prop_4_normd': -0.0}, 'target_11': {'priority': 0.2365080520130466, 'prop_1': np.float64(1.0), 'prop_2': 0.03631378860881874, 'prop_3': np.float64(0.8643407047679901), 'prop_4_normd': -0.0}, 'target_12': {'priority': 0.9205299731387555, 'prop_1': np.float64(0.962020300708753), 'prop_2': 0.04181066218408668, 'prop_3': np.float64(0.7850098432615795), 'prop_4_normd': -0.0}, 'target_13': {'priority': 0.8133331581714417, 'prop_1': np.float64(0.006524227818593421), 'prop_2': 0.020989207314895394, 'prop_3': np.float64(0.5390019420587453), 'prop_4_normd': -0.0}, 'target_14': {'priority': 0.089630698927462, 'prop_1': np.float64(0.9476678605479643), 'prop_2': 0.016945932750413437, 'prop_3': np.float64(0.8209979557477027), 'prop_4_normd': -0.0}, 'target_15': {'priority': 0.21062817841880244, 'prop_1': np.float64(0.5908258190621005), 'prop_2': 0.027486588994320403, 'prop_3': np.float64(0.8757463293872241), 'prop_4_normd': -0.0}, 'target_16': {'priority': 0.29545240553477625, 'prop_1': np.float64(0.9978458307249423), 'prop_2': 0.020189619584257697, 'prop_3': np.float64(0.09842086011224274), 'prop_4_normd': -0.0}, 'target_17': {'priority': 0.7328180217400567, 'prop_1': np.float64(0.003776581017391702), 'prop_2': 0.02331782061107412, 'prop_3': np.float64(0.3570283520075449), 'prop_4_normd': -0.0}, 'target_18': {'priority': 0.057894973458711085, 'prop_1': np.float64(0.9845765025276849), 'prop_2': 0.018577980943802926, 'prop_3': np.float64(0.7120144784794044), 'prop_4_normd': -0.0}, 'target_19': {'priority': 0.5012918068802037, 'prop_1': np.float64(0.38320263844188995), 'prop_2': 0.04881317230571761, 'prop_3': np.float64(0.2857512844916012), 'prop_4_normd': -0.0}, 'target_20': {'priority': 0.3378713394823306, 'prop_1': np.float64(0.5441593701164008), 'prop_2': 0.01658306593772118, 'prop_3': np.float64(0.642285584806326), 'prop_4_normd': -0.0}, 'target_21': {'priority': 0.6206414862985178, 'prop_1': np.float64(1.0), 'prop_2': 0.029909749247578575, 'prop_3': np.float64(0.6810200429066784), 'prop_4_normd': -0.0}, 'target_22': {'priority': 0.4734252394373597, 'prop_1': np.float64(0.41998825566480547), 'prop_2': 0.019779400646468395, 'prop_3': np.float64(0.06371627550444565), 'prop_4_normd': -0.0}, 'target_23': {'priority': 0.08633328681516406, 'prop_1': np.float64(0.06102615854753155), 'prop_2': 0.01603261585771938, 'prop_3': np.float64(0.33883742739284345), 'prop_4_normd': -0.0}, 'target_24': {'priority': 0.40065372417114387, 'prop_1': np.float64(0.6681169890467531), 'prop_2': 0.029715226948050566, 'prop_3': np.float64(0.17347712284243375), 'prop_4_normd': -0.0}, 'target_25': {'priority': 0.509648758131901, 'prop_1': np.float64(1.0), 'prop_2': 0.04904552905405339, 'prop_3': np.float64(0.8302983775512712), 'prop_4_normd': -0.0}, 'target_26': {'priority': 0.09725143081079601, 'prop_1': np.float64(0.5859445398012643), 'prop_2': 0.03403843919627124, 'prop_3': np.float64(0.2746355980754693), 'prop_4_normd': -0.0}, 'target_27': {'priority': 0.08934157354007488, 'prop_1': np.float64(0.18566578586688406), 'prop_2': 0.02266137422142941, 'prop_3': np.float64(0.69743580784346), 'prop_4_normd': -0.0}, 'target_28': {'priority': 0.5101532052376175, 'prop_1': np.float64(0.09249233280199891), 'prop_2': 0.03766799205571117, 'prop_3': np.float64(0.078349652310041), 'prop_4_normd': -0.0}, 'target_29': {'priority': 0.25253096980511036, 'prop_1': np.float64(0.4728100755800366), 'prop_2': 0.02496613418024958, 'prop_3': np.float64(0.522680803523587), 'prop_4_normd': -0.0}, 'target_30': {'priority': 0.34778859162998443, 'prop_1': np.float64(0.49823733384861196), 'prop_2': 0.019121713281836386, 'prop_3': np.float64(0.3176257492985515), 'prop_4_normd': -0.0}, 'target_31': {'priority': 0.38817480125877735, 'prop_1': np.float64(0.21601641078914377), 'prop_2': 0.042438529155527795, 'prop_3': np.float64(0.7989514075551066), 'prop_4_normd': -0.0}}
time: 0.0
sat_props: {'omega_BP_P_normd': array([ 1.13454915e-04, 9.31233946e-05, -5.29749895e-04]), 'c_hat_P': array([-0.70241225, -0.28864321, -0.65061673]), 'r_BN_P_normd': array([ 0.70555395, -0.52189728, 0.62476866]), 'v_BN_P_normd': array([ 0.71579288, 0.48386635, -0.40415273]), 'battery_charge_fraction': 0.8977620156365103, 'solar_angle_norm': np.float64(0.3952708374404423)}
eclipse: [np.float64(3450.0), np.float64(5580.0)]
target: {'target_0': {'priority': 0.17081216912917752, 'prop_1': np.float64(0.16340369305600785), 'prop_2': 0.02472557378123546, 'prop_3': np.float64(0.04079409585645611), 'prop_4_normd': -0.0}, 'target_1': {'priority': 0.3023899164984769, 'prop_1': np.float64(0.21229682851825832), 'prop_2': 0.020204404382793605, 'prop_3': np.float64(0.2260071879311031), 'prop_4_normd': -0.0}, 'target_2': {'priority': 0.47966343790336374, 'prop_1': np.float64(0.529928111787074), 'prop_2': 0.04279846970703949, 'prop_3': np.float64(0.6641121421982307), 'prop_4_normd': -0.0}, 'target_3': {'priority': 0.37955282084656417, 'prop_1': np.float64(0.36851395683622945), 'prop_2': 0.03918175175476949, 'prop_3': np.float64(0.4776275751149327), 'prop_4_normd': -0.0}, 'target_4': {'priority': 0.6829068676298748, 'prop_1': np.float64(0.9581249659726876), 'prop_2': 0.04308490317444493, 'prop_3': np.float64(0.18404035666347965), 'prop_4_normd': -0.0}, 'target_5': {'priority': 0.15461120428852648, 'prop_1': np.float64(1.0), 'prop_2': 0.04742871410568848, 'prop_3': np.float64(0.30290230171898097), 'prop_4_normd': -0.0}, 'target_6': {'priority': 0.66909821232701, 'prop_1': np.float64(0.4650358141716773), 'prop_2': 0.0314033841902624, 'prop_3': np.float64(0.26579821333197434), 'prop_4_normd': -0.0}, 'target_7': {'priority': 0.700726036482538, 'prop_1': np.float64(0.051030709068727476), 'prop_2': 0.028483566280637015, 'prop_3': np.float64(0.231510307668929), 'prop_4_normd': -0.0}, 'target_8': {'priority': 0.03189726265907711, 'prop_1': np.float64(0.06541539108563112), 'prop_2': 0.04196107595050601, 'prop_3': np.float64(0.038324152072471036), 'prop_4_normd': -0.0}, 'target_9': {'priority': 0.6501603034762538, 'prop_1': np.float64(0.7720054365913253), 'prop_2': 0.014495706565642346, 'prop_3': np.float64(0.749998338329196), 'prop_4_normd': -0.0}, 'target_10': {'priority': 0.9543989534039193, 'prop_1': np.float64(1.0), 'prop_2': 0.02392283786937026, 'prop_3': np.float64(0.44720816226777105), 'prop_4_normd': -0.0}, 'target_11': {'priority': 0.374713765885736, 'prop_1': np.float64(1.0), 'prop_2': 0.04569228897850437, 'prop_3': np.float64(0.6049797195745176), 'prop_4_normd': -0.0}, 'target_12': {'priority': 0.1935589577238105, 'prop_1': np.float64(0.9557704045973024), 'prop_2': 0.0352072289262098, 'prop_3': np.float64(0.36919170969967735), 'prop_4_normd': -0.0}, 'target_13': {'priority': 0.6002248970100247, 'prop_1': np.float64(0.8146572780282131), 'prop_2': 0.013156492049281607, 'prop_3': np.float64(0.45893983758483176), 'prop_4_normd': -0.0}, 'target_14': {'priority': 0.13152667564238252, 'prop_1': np.float64(0.9086579872855168), 'prop_2': 0.015253655828306224, 'prop_3': np.float64(0.31028216368906986), 'prop_4_normd': -0.0}, 'target_15': {'priority': 0.0668108914248482, 'prop_1': np.float64(1.0), 'prop_2': 0.036023059962754726, 'prop_3': np.float64(0.2611215850357184), 'prop_4_normd': -0.0}, 'target_16': {'priority': 0.8461943206017918, 'prop_1': np.float64(0.3136916073252294), 'prop_2': 0.01680439304935975, 'prop_3': np.float64(0.8601454117177448), 'prop_4_normd': -0.0}, 'target_17': {'priority': 0.8337851319773938, 'prop_1': np.float64(0.12266379632737819), 'prop_2': 0.03890133802531276, 'prop_3': np.float64(0.011959376205190754), 'prop_4_normd': -0.0}, 'target_18': {'priority': 0.4141117076359818, 'prop_1': np.float64(0.8736530474168733), 'prop_2': 0.0450989219237198, 'prop_3': np.float64(0.35804786276284245), 'prop_4_normd': -0.0}, 'target_19': {'priority': 0.9853258059540108, 'prop_1': np.float64(0.7564531964980845), 'prop_2': 0.04281417945364704, 'prop_3': np.float64(0.4035177296571758), 'prop_4_normd': -0.0}, 'target_20': {'priority': 0.0706075013953893, 'prop_1': np.float64(0.05946246061739393), 'prop_2': 0.031479936088222554, 'prop_3': np.float64(0.11715516895712609), 'prop_4_normd': -0.0}, 'target_21': {'priority': 0.7167007878715852, 'prop_1': np.float64(0.8367067850693488), 'prop_2': 0.022337809406481245, 'prop_3': np.float64(0.5680928425188817), 'prop_4_normd': -0.0}, 'target_22': {'priority': 0.1354427917344998, 'prop_1': np.float64(0.1973297629964899), 'prop_2': 0.044100432102789924, 'prop_3': np.float64(0.4768410069147139), 'prop_4_normd': -0.0}, 'target_23': {'priority': 0.3814682510426739, 'prop_1': np.float64(0.7281336839816377), 'prop_2': 0.04945576997325193, 'prop_3': np.float64(0.2449762623663114), 'prop_4_normd': -0.0}, 'target_24': {'priority': 0.15025384572160794, 'prop_1': np.float64(0.9882845140306024), 'prop_2': 0.028255548805955724, 'prop_3': np.float64(0.488276662254006), 'prop_4_normd': -0.0}, 'target_25': {'priority': 0.8253995481085246, 'prop_1': np.float64(0.989478328598054), 'prop_2': 0.014004491480037386, 'prop_3': np.float64(0.39130219766208296), 'prop_4_normd': -0.0}, 'target_26': {'priority': 0.6943101181814707, 'prop_1': np.float64(0.9899136736576762), 'prop_2': 0.02359254279230947, 'prop_3': np.float64(0.06084059044562998), 'prop_4_normd': -0.0}, 'target_27': {'priority': 0.8667377769569592, 'prop_1': np.float64(0.7693432942995654), 'prop_2': 0.019652875475326268, 'prop_3': np.float64(0.21393474109844174), 'prop_4_normd': -0.0}, 'target_28': {'priority': 0.36480868164566116, 'prop_1': np.float64(0.9821278729510476), 'prop_2': 0.020977335569468774, 'prop_3': np.float64(0.018273212234283204), 'prop_4_normd': -0.0}, 'target_29': {'priority': 0.7473208103319232, 'prop_1': np.float64(0.8093787431632947), 'prop_2': 0.01430397279687262, 'prop_3': np.float64(0.19197788744800198), 'prop_4_normd': -0.0}, 'target_30': {'priority': 0.2756636014110555, 'prop_1': np.float64(0.2583711193725373), 'prop_2': 0.011783270310829144, 'prop_3': np.float64(0.5843641107721591), 'prop_4_normd': -0.0}, 'target_31': {'priority': 0.823695685136883, 'prop_1': np.float64(1.0), 'prop_2': 0.02810264720927943, 'prop_3': np.float64(0.2275546876415892), 'prop_4_normd': -0.0}}
time: 0.0
sat_props: {'omega_BP_P_normd': array([ 0.00149337, 0.00115352, -0.00477068]), 'c_hat_P': array([-0.54509254, 0.55560442, -0.62783585]), 'r_BN_P_normd': array([ 0.98403843, 0.3786073 , -0.22100657]), 'v_BN_P_normd': array([-0.36873357, 0.56350011, -0.67646293]), 'battery_charge_fraction': 0.5761684890242077, 'solar_angle_norm': np.float64(0.6289153843701428)}
eclipse: [np.float64(2310.0), np.float64(4440.0)]
target: {'target_0': {'priority': 0.0048589510018932636, 'prop_1': np.float64(0.3706892434741959), 'prop_2': 0.034844857119468234, 'prop_3': np.float64(0.22731046204892444), 'prop_4_normd': -0.0}, 'target_1': {'priority': 0.7139310028095907, 'prop_1': np.float64(0.6323265443655317), 'prop_2': 0.024808413543758547, 'prop_3': np.float64(0.038921483820847154), 'prop_4_normd': -0.0}, 'target_2': {'priority': 0.7863265663188173, 'prop_1': np.float64(0.2262040537604362), 'prop_2': 0.049356165462528835, 'prop_3': np.float64(0.12516821254854177), 'prop_4_normd': -0.0}, 'target_3': {'priority': 0.7571434663615723, 'prop_1': np.float64(0.42126456507251253), 'prop_2': 0.011389156637512778, 'prop_3': np.float64(0.014879530512246903), 'prop_4_normd': -0.0}, 'target_4': {'priority': 0.023898808496893076, 'prop_1': np.float64(0.9647339246822654), 'prop_2': 0.019820820387775485, 'prop_3': np.float64(0.019748455117931316), 'prop_4_normd': -0.0}, 'target_5': {'priority': 0.29139676615606447, 'prop_1': np.float64(0.9927684867151574), 'prop_2': 0.020051617924117675, 'prop_3': np.float64(0.232714861462094), 'prop_4_normd': -0.0}, 'target_6': {'priority': 0.9022961665300545, 'prop_1': np.float64(0.8615074442411201), 'prop_2': 0.029690863898299655, 'prop_3': np.float64(0.4654417523042746), 'prop_4_normd': -0.0}, 'target_7': {'priority': 0.9205936801645748, 'prop_1': np.float64(1.0), 'prop_2': 0.01405875864578603, 'prop_3': np.float64(0.28592514546140513), 'prop_4_normd': -0.0}, 'target_8': {'priority': 0.5533112825019085, 'prop_1': np.float64(1.0), 'prop_2': 0.04918682947214477, 'prop_3': np.float64(0.7599016150024657), 'prop_4_normd': -0.0}, 'target_9': {'priority': 0.6729360245909878, 'prop_1': np.float64(0.43710060960103736), 'prop_2': 0.030408068049636264, 'prop_3': np.float64(0.6228078942504957), 'prop_4_normd': -0.0}, 'target_10': {'priority': 0.0781225390910315, 'prop_1': np.float64(0.12663425517702703), 'prop_2': 0.027528482505566644, 'prop_3': np.float64(0.7532122912363317), 'prop_4_normd': -0.0}, 'target_11': {'priority': 0.9927961351710949, 'prop_1': np.float64(0.6761226379377913), 'prop_2': 0.019714108657689914, 'prop_3': np.float64(0.5970667911741591), 'prop_4_normd': -0.0}, 'target_12': {'priority': 0.3694048061904732, 'prop_1': np.float64(0.6978214553196828), 'prop_2': 0.014766211081192875, 'prop_3': np.float64(0.6410478653317896), 'prop_4_normd': -0.0}, 'target_13': {'priority': 0.527932312951505, 'prop_1': np.float64(1.0), 'prop_2': 0.04794532546767635, 'prop_3': np.float64(0.08362441199917622), 'prop_4_normd': -0.0}, 'target_14': {'priority': 0.5192343005001231, 'prop_1': np.float64(0.8832283276599152), 'prop_2': 0.016811573141310945, 'prop_3': np.float64(0.6011450910728223), 'prop_4_normd': -0.0}, 'target_15': {'priority': 0.426154660787891, 'prop_1': np.float64(0.8132380971941279), 'prop_2': 0.02899500830329134, 'prop_3': np.float64(0.1826457688268028), 'prop_4_normd': -0.0}, 'target_16': {'priority': 0.5573330260546677, 'prop_1': np.float64(0.49753146003450927), 'prop_2': 0.03948118233901397, 'prop_3': np.float64(0.8035286570738223), 'prop_4_normd': -0.0}, 'target_17': {'priority': 0.42091566994320817, 'prop_1': np.float64(0.8830470871935276), 'prop_2': 0.04189883958564621, 'prop_3': np.float64(0.5630326577668472), 'prop_4_normd': -0.0}, 'target_18': {'priority': 0.39346958850850566, 'prop_1': np.float64(0.2943530904336826), 'prop_2': 0.02208552137967855, 'prop_3': np.float64(0.5248651157289503), 'prop_4_normd': -0.0}, 'target_19': {'priority': 0.24795077437131818, 'prop_1': np.float64(0.7991533887194961), 'prop_2': 0.024881391991357457, 'prop_3': np.float64(0.7308504604077185), 'prop_4_normd': -0.0}, 'target_20': {'priority': 0.0447541908949578, 'prop_1': np.float64(0.07273984908912604), 'prop_2': 0.03487715377043704, 'prop_3': np.float64(0.880640513674416), 'prop_4_normd': -0.0}, 'target_21': {'priority': 0.8463452606065235, 'prop_1': np.float64(0.9903961956685897), 'prop_2': 0.025626224095303712, 'prop_3': np.float64(0.33842822899837316), 'prop_4_normd': -0.0}, 'target_22': {'priority': 0.8915474358765442, 'prop_1': np.float64(0.6152061302593244), 'prop_2': 0.010510160788422675, 'prop_3': np.float64(0.8376920591155785), 'prop_4_normd': -0.0}, 'target_23': {'priority': 0.8630184990576621, 'prop_1': np.float64(0.2753952887088491), 'prop_2': 0.02944338754652817, 'prop_3': np.float64(0.7449344257927552), 'prop_4_normd': -0.0}, 'target_24': {'priority': 0.44803522875933177, 'prop_1': np.float64(0.507505229600611), 'prop_2': 0.026977812097027536, 'prop_3': np.float64(0.811397880998773), 'prop_4_normd': -0.0}, 'target_25': {'priority': 0.3057445183394678, 'prop_1': np.float64(0.2524017172281222), 'prop_2': 0.03269679392097691, 'prop_3': np.float64(0.9380694014506707), 'prop_4_normd': -0.0}, 'target_26': {'priority': 0.0246912725843087, 'prop_1': np.float64(1.0), 'prop_2': 0.032768797432747396, 'prop_3': np.float64(0.8794977007667877), 'prop_4_normd': -0.0}, 'target_27': {'priority': 0.34557431972362695, 'prop_1': np.float64(0.04339370058014783), 'prop_2': 0.02839012652382876, 'prop_3': np.float64(0.33661635554759634), 'prop_4_normd': -0.0}, 'target_28': {'priority': 0.23709202227559456, 'prop_1': np.float64(0.4468326902224109), 'prop_2': 0.038139466830004014, 'prop_3': np.float64(0.4479945255566466), 'prop_4_normd': -0.0}, 'target_29': {'priority': 0.3509025880644969, 'prop_1': np.float64(0.19207365734572968), 'prop_2': 0.048457650518301955, 'prop_3': np.float64(0.5950405516294209), 'prop_4_normd': -0.0}, 'target_30': {'priority': 0.3767568869201464, 'prop_1': np.float64(0.5368051013512715), 'prop_2': 0.031230140014794905, 'prop_3': np.float64(0.07849753516605303), 'prop_4_normd': -0.0}, 'target_31': {'priority': 0.9736271259129831, 'prop_1': np.float64(0.9652789496732861), 'prop_2': 0.035535450622889854, 'prop_3': np.float64(0.40427921077189327), 'prop_4_normd': -0.0}}
time: 0.0
sat_props: {'omega_BP_P_normd': array([-5.63840125e-06, -6.50324661e-04, -6.69077055e-04]), 'c_hat_P': array([-0.43556754, -0.50936153, -0.7421804 ]), 'r_BN_P_normd': array([-0.09738475, 0.75588946, -0.76135823]), 'v_BN_P_normd': array([-0.94368276, -0.13560413, -0.01392436]), 'battery_charge_fraction': 0.8754421514776114, 'solar_angle_norm': np.float64(0.3963588070024169)}
eclipse: [np.float64(1200.0), np.float64(3300.0)]
target: {'target_0': {'priority': 0.9108061390867584, 'prop_1': np.float64(0.5344947646322583), 'prop_2': 0.047960125877296186, 'prop_3': np.float64(0.10194867690803429), 'prop_4_normd': -0.0}, 'target_1': {'priority': 0.4430033880737042, 'prop_1': np.float64(0.10841710963670376), 'prop_2': 0.028465397131495956, 'prop_3': np.float64(0.24159789342542468), 'prop_4_normd': -0.0}, 'target_2': {'priority': 0.8114191709063578, 'prop_1': np.float64(0.5576735763035834), 'prop_2': 0.035701557506506186, 'prop_3': np.float64(0.740557554643665), 'prop_4_normd': -0.0}, 'target_3': {'priority': 0.1236380460314761, 'prop_1': np.float64(0.43095947602908286), 'prop_2': 0.01830411665343171, 'prop_3': np.float64(0.6124250778550001), 'prop_4_normd': -0.0}, 'target_4': {'priority': 0.1336123080013103, 'prop_1': np.float64(0.6563046366023199), 'prop_2': 0.04722162435696242, 'prop_3': np.float64(0.6927079149775686), 'prop_4_normd': -0.0}, 'target_5': {'priority': 0.22148205573352875, 'prop_1': np.float64(0.20705907841830837), 'prop_2': 0.03150552969341228, 'prop_3': np.float64(0.27343990732625556), 'prop_4_normd': -0.0}, 'target_6': {'priority': 0.10123384777209898, 'prop_1': np.float64(1.0), 'prop_2': 0.031125383380901935, 'prop_3': np.float64(0.6049945136860296), 'prop_4_normd': -0.0}, 'target_7': {'priority': 0.2952046399207291, 'prop_1': np.float64(0.3823154978064091), 'prop_2': 0.018530229658230264, 'prop_3': np.float64(0.591560699834873), 'prop_4_normd': -0.0}, 'target_8': {'priority': 0.5079460693191887, 'prop_1': np.float64(0.9833610666394986), 'prop_2': 0.012445550139299263, 'prop_3': np.float64(0.02522586567409252), 'prop_4_normd': -0.0}, 'target_9': {'priority': 0.4858202547053404, 'prop_1': np.float64(0.8904406593103649), 'prop_2': 0.03675522239711167, 'prop_3': np.float64(0.0390643147492001), 'prop_4_normd': -0.0}, 'target_10': {'priority': 0.8817706230828073, 'prop_1': np.float64(0.6896846658660382), 'prop_2': 0.02471789572326426, 'prop_3': np.float64(0.8632635114875298), 'prop_4_normd': -0.0}, 'target_11': {'priority': 0.4593322247235886, 'prop_1': np.float64(0.6793864455355046), 'prop_2': 0.03548881308499007, 'prop_3': np.float64(0.03599209422286096), 'prop_4_normd': -0.0}, 'target_12': {'priority': 0.3334779529633184, 'prop_1': np.float64(0.7943470477264472), 'prop_2': 0.013107169203751573, 'prop_3': np.float64(0.7046081148339984), 'prop_4_normd': -0.0}, 'target_13': {'priority': 0.6323730025417339, 'prop_1': np.float64(0.6475015153392679), 'prop_2': 0.021400638068588246, 'prop_3': np.float64(0.2133691170406114), 'prop_4_normd': -0.0}, 'target_14': {'priority': 0.6785692092638129, 'prop_1': np.float64(0.34463994819372706), 'prop_2': 0.034198778399101286, 'prop_3': np.float64(0.8431580052954789), 'prop_4_normd': -0.0}, 'target_15': {'priority': 0.48540768168442905, 'prop_1': np.float64(0.536307225762172), 'prop_2': 0.032159805460009364, 'prop_3': np.float64(0.9203083341784266), 'prop_4_normd': -0.0}, 'target_16': {'priority': 0.6951520647276903, 'prop_1': np.float64(0.47549247025603264), 'prop_2': 0.010707055236719705, 'prop_3': np.float64(0.6746908425818577), 'prop_4_normd': -0.0}, 'target_17': {'priority': 0.5050785321113868, 'prop_1': np.float64(0.5175421322947072), 'prop_2': 0.03367490948567465, 'prop_3': np.float64(0.3824741938971093), 'prop_4_normd': -0.0}, 'target_18': {'priority': 0.6324078441551972, 'prop_1': np.float64(0.9926645971682508), 'prop_2': 0.01118952719755566, 'prop_3': np.float64(0.44362500260781973), 'prop_4_normd': -0.0}, 'target_19': {'priority': 0.7264142928143621, 'prop_1': np.float64(0.3287452659678256), 'prop_2': 0.014759763209384325, 'prop_3': np.float64(0.28978910625361937), 'prop_4_normd': -0.0}, 'target_20': {'priority': 0.35932818309004777, 'prop_1': np.float64(0.28307922016947296), 'prop_2': 0.014659704711862186, 'prop_3': np.float64(0.020023252181564356), 'prop_4_normd': -0.0}, 'target_21': {'priority': 0.6287570382123534, 'prop_1': np.float64(0.9565258479371958), 'prop_2': 0.03236043586298536, 'prop_3': np.float64(0.7922750493381079), 'prop_4_normd': -0.0}, 'target_22': {'priority': 0.9665252791289367, 'prop_1': np.float64(0.6990075140011863), 'prop_2': 0.024263780199614615, 'prop_3': np.float64(0.785055948531894), 'prop_4_normd': -0.0}, 'target_23': {'priority': 0.8918908975962546, 'prop_1': np.float64(0.5412528130998053), 'prop_2': 0.013582404393738284, 'prop_3': np.float64(0.023014691228280707), 'prop_4_normd': -0.0}, 'target_24': {'priority': 0.5215375067015371, 'prop_1': np.float64(0.3612012439814962), 'prop_2': 0.047866683374016894, 'prop_3': np.float64(0.3412643566154942), 'prop_4_normd': -0.0}, 'target_25': {'priority': 0.4536367869010217, 'prop_1': np.float64(0.9843980970050604), 'prop_2': 0.04553870525771614, 'prop_3': np.float64(0.22990423431672533), 'prop_4_normd': -0.0}, 'target_26': {'priority': 0.6182361326513921, 'prop_1': np.float64(0.9959459746172702), 'prop_2': 0.025183061552286265, 'prop_3': np.float64(0.33964456404482046), 'prop_4_normd': -0.0}, 'target_27': {'priority': 0.6748705841645001, 'prop_1': np.float64(0.46936389854739247), 'prop_2': 0.010781469543279899, 'prop_3': np.float64(0.035137691637268556), 'prop_4_normd': -0.0}, 'target_28': {'priority': 0.6118958356243165, 'prop_1': np.float64(0.9950317393245703), 'prop_2': 0.012610168166938914, 'prop_3': np.float64(0.15831397433926028), 'prop_4_normd': -0.0}, 'target_29': {'priority': 0.1855009981814708, 'prop_1': np.float64(0.9734375779524359), 'prop_2': 0.0239189045820168, 'prop_3': np.float64(0.8813859086666873), 'prop_4_normd': -0.0}, 'target_30': {'priority': 0.10414479330048676, 'prop_1': np.float64(0.6106157080493478), 'prop_2': 0.028093365818002203, 'prop_3': np.float64(0.12209512635141792), 'prop_4_normd': -0.0}, 'target_31': {'priority': 0.10896223690901163, 'prop_1': np.float64(0.8785859859548244), 'prop_2': 0.015820514216285875, 'prop_3': np.float64(0.18951418054569705), 'prop_4_normd': -0.0}}
time: 0.0
sat_props: {'omega_BP_P_normd': array([-0.00044784, 0.00056299, 0.00022269]), 'c_hat_P': array([-0.86910802, -0.12019205, -0.47979696]), 'r_BN_P_normd': array([-1.04422552, 0.08855808, -0.2495387 ]), 'v_BN_P_normd': array([-0.21449445, -0.64730808, 0.6678572 ]), 'battery_charge_fraction': 0.7980648986910688, 'solar_angle_norm': np.float64(0.3873916766819743)}
eclipse: [np.float64(60.00000000000001), np.float64(2190.0)]
target: {'target_0': {'priority': 0.7467369427533427, 'prop_1': np.float64(0.31104026645798505), 'prop_2': 0.02460523035549618, 'prop_3': np.float64(0.017256153403444247), 'prop_4_normd': -0.0}, 'target_1': {'priority': 0.9790494711395108, 'prop_1': np.float64(0.8310470513823772), 'prop_2': 0.029204056404516746, 'prop_3': np.float64(0.027212003026285857), 'prop_4_normd': -0.0}, 'target_2': {'priority': 0.8889653906584463, 'prop_1': np.float64(0.5840658414804991), 'prop_2': 0.04961332886986536, 'prop_3': np.float64(0.8974177243107898), 'prop_4_normd': -0.0}, 'target_3': {'priority': 0.24192512255532928, 'prop_1': np.float64(0.21299471234195663), 'prop_2': 0.018548704718880732, 'prop_3': np.float64(0.14963072192493), 'prop_4_normd': -0.0}, 'target_4': {'priority': 0.8470805996425416, 'prop_1': np.float64(0.8591691960248775), 'prop_2': 0.047232262310521966, 'prop_3': np.float64(0.7999754477971582), 'prop_4_normd': -0.0}, 'target_5': {'priority': 0.48690661849225647, 'prop_1': np.float64(0.969001013754732), 'prop_2': 0.04145926383923171, 'prop_3': np.float64(0.779528805110096), 'prop_4_normd': -0.0}, 'target_6': {'priority': 0.794494070936064, 'prop_1': np.float64(0.6981305176808894), 'prop_2': 0.040284716645724396, 'prop_3': np.float64(0.6913575823545174), 'prop_4_normd': -0.0}, 'target_7': {'priority': 0.5100442364129952, 'prop_1': np.float64(0.10543986900051905), 'prop_2': 0.016742204052267517, 'prop_3': np.float64(0.14859257369013695), 'prop_4_normd': -0.0}, 'target_8': {'priority': 0.6190396347254709, 'prop_1': np.float64(0.6238788655327834), 'prop_2': 0.012494267212125824, 'prop_3': np.float64(0.28737288801211125), 'prop_4_normd': -0.0}, 'target_9': {'priority': 0.68672792587962, 'prop_1': np.float64(0.6269544101549981), 'prop_2': 0.04718183272639653, 'prop_3': np.float64(0.5805299089157618), 'prop_4_normd': -0.0}, 'target_10': {'priority': 0.5659178334589714, 'prop_1': np.float64(0.4046599854825042), 'prop_2': 0.039627903346783816, 'prop_3': np.float64(0.2402538640536605), 'prop_4_normd': -0.0}, 'target_11': {'priority': 0.06787171837076356, 'prop_1': np.float64(0.9958083750977709), 'prop_2': 0.030115741138689783, 'prop_3': np.float64(0.41824638168047107), 'prop_4_normd': -0.0}, 'target_12': {'priority': 0.9280897330452655, 'prop_1': np.float64(0.2176412554212369), 'prop_2': 0.029756471792472663, 'prop_3': np.float64(0.7835921578364274), 'prop_4_normd': -0.0}, 'target_13': {'priority': 0.9427915419975332, 'prop_1': np.float64(1.0), 'prop_2': 0.040058155855531366, 'prop_3': np.float64(0.35592277688548946), 'prop_4_normd': -0.0}, 'target_14': {'priority': 0.9144642663898088, 'prop_1': np.float64(0.8645922026994816), 'prop_2': 0.020452525618191983, 'prop_3': np.float64(0.7718080058271055), 'prop_4_normd': -0.0}, 'target_15': {'priority': 0.7615059142750895, 'prop_1': np.float64(0.9931778763520375), 'prop_2': 0.04181440628204078, 'prop_3': np.float64(0.1864917648363454), 'prop_4_normd': -0.0}, 'target_16': {'priority': 0.4559010195759936, 'prop_1': np.float64(0.9949489046540846), 'prop_2': 0.03696692581522887, 'prop_3': np.float64(0.29906512088765097), 'prop_4_normd': -0.0}, 'target_17': {'priority': 0.2172865221292526, 'prop_1': np.float64(0.9877296441359071), 'prop_2': 0.022291410960431253, 'prop_3': np.float64(0.4736354970715997), 'prop_4_normd': -0.0}, 'target_18': {'priority': 0.29757471531387525, 'prop_1': np.float64(0.5447972061535917), 'prop_2': 0.013856570071612442, 'prop_3': np.float64(0.7237909688195535), 'prop_4_normd': -0.0}, 'target_19': {'priority': 0.9277095643767281, 'prop_1': np.float64(0.5335108004848872), 'prop_2': 0.04399093674390976, 'prop_3': np.float64(0.7401940188841596), 'prop_4_normd': -0.0}, 'target_20': {'priority': 0.04487610900360017, 'prop_1': np.float64(0.20514135038542053), 'prop_2': 0.02626177742235828, 'prop_3': np.float64(0.6005349263115703), 'prop_4_normd': -0.0}, 'target_21': {'priority': 0.2894495708829774, 'prop_1': np.float64(0.5437678529469974), 'prop_2': 0.010081789286908642, 'prop_3': np.float64(0.5345038356378271), 'prop_4_normd': -0.0}, 'target_22': {'priority': 0.5337427664694584, 'prop_1': np.float64(0.24915490248260394), 'prop_2': 0.01700112523171453, 'prop_3': np.float64(0.003767819765495912), 'prop_4_normd': -0.0}, 'target_23': {'priority': 0.6570403290247293, 'prop_1': np.float64(0.5008317472934788), 'prop_2': 0.02102984850945666, 'prop_3': np.float64(0.6510120496975134), 'prop_4_normd': -0.0}, 'target_24': {'priority': 0.9376667291234732, 'prop_1': np.float64(0.8340914629654003), 'prop_2': 0.02869126908749685, 'prop_3': np.float64(0.3892671934062398), 'prop_4_normd': -0.0}, 'target_25': {'priority': 0.8571117867818655, 'prop_1': np.float64(0.9745572440129732), 'prop_2': 0.027439137436443696, 'prop_3': np.float64(0.20700237065689878), 'prop_4_normd': -0.0}, 'target_26': {'priority': 0.5978300150681877, 'prop_1': np.float64(0.37122040073006085), 'prop_2': 0.04060525393482814, 'prop_3': np.float64(0.05934638573767608), 'prop_4_normd': -0.0}, 'target_27': {'priority': 0.6406622582055296, 'prop_1': np.float64(0.4216586996888386), 'prop_2': 0.016056917305916414, 'prop_3': np.float64(0.9214691517412957), 'prop_4_normd': -0.0}, 'target_28': {'priority': 0.26417514407766796, 'prop_1': np.float64(0.5416471333395817), 'prop_2': 0.042768883985957434, 'prop_3': np.float64(0.8891260592605001), 'prop_4_normd': -0.0}, 'target_29': {'priority': 0.46136428494936954, 'prop_1': np.float64(1.0), 'prop_2': 0.030531734927478807, 'prop_3': np.float64(0.4467327610933907), 'prop_4_normd': -0.0}, 'target_30': {'priority': 0.018689302683985942, 'prop_1': np.float64(0.7628232112481079), 'prop_2': 0.02150050987959248, 'prop_3': np.float64(0.302670647290938), 'prop_4_normd': -0.0}, 'target_31': {'priority': 0.5622437090061042, 'prop_1': np.float64(0.6551239044034294), 'prop_2': 0.048783485506946965, 'prop_3': np.float64(0.5553138663482688), 'prop_4_normd': -0.0}}
time: 0.0
Then, run the simulation until timeout or agent failure.
[12]:
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_dict = {sat_i.name: 0 for sat_i in env.satellites}
else:
# Tasking random actions
action_dict = {sat_i.name: np.random.randint(0, 32) for sat_i in env.satellites}
count += 1
observation, reward, terminated, truncated, info = env.step(action_dict)
if all(terminated.values()) or all(truncated.values()):
print("Episode complete.")
break
2025-10-16 18:32:24,544 gym INFO <0.00> === STARTING STEP ===
2025-10-16 18:32:24,545 sats.satellite.EO-0 INFO <0.00> EO-0: action_charge tasked for 60.0 seconds
2025-10-16 18:32:24,545 sats.satellite.EO-0 INFO <0.00> EO-0: setting timed terminal event at 60.0
2025-10-16 18:32:24,546 sats.satellite.EO-1 INFO <0.00> EO-1: action_charge tasked for 60.0 seconds
2025-10-16 18:32:24,546 sats.satellite.EO-1 INFO <0.00> EO-1: setting timed terminal event at 60.0
2025-10-16 18:32:24,548 sats.satellite.EO-2 INFO <0.00> EO-2: action_charge tasked for 60.0 seconds
2025-10-16 18:32:24,548 sats.satellite.EO-2 INFO <0.00> EO-2: setting timed terminal event at 60.0
2025-10-16 18:32:24,549 sats.satellite.EO-3 INFO <0.00> EO-3: action_charge tasked for 60.0 seconds
2025-10-16 18:32:24,549 sats.satellite.EO-3 INFO <0.00> EO-3: setting timed terminal event at 60.0
2025-10-16 18:32:24,551 sats.satellite.EO-4 INFO <0.00> EO-4: action_charge tasked for 60.0 seconds
2025-10-16 18:32:24,552 sats.satellite.EO-4 INFO <0.00> EO-4: setting timed terminal event at 60.0
2025-10-16 18:32:24,588 sats.satellite.EO-0 INFO <60.00> EO-0: timed termination at 60.0 for action_charge
2025-10-16 18:32:24,588 sats.satellite.EO-1 INFO <60.00> EO-1: timed termination at 60.0 for action_charge
2025-10-16 18:32:24,589 sats.satellite.EO-2 INFO <60.00> EO-2: timed termination at 60.0 for action_charge
2025-10-16 18:32:24,589 sats.satellite.EO-3 INFO <60.00> EO-3: timed termination at 60.0 for action_charge
2025-10-16 18:32:24,590 sats.satellite.EO-4 INFO <60.00> EO-4: timed termination at 60.0 for action_charge
2025-10-16 18:32:24,593 data.base INFO <60.00> Total reward: {}
2025-10-16 18:32:24,594 sats.satellite.EO-0 INFO <60.00> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:24,595 sats.satellite.EO-1 INFO <60.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:24,596 sats.satellite.EO-2 INFO <60.00> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:24,596 sats.satellite.EO-3 INFO <60.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:24,597 sats.satellite.EO-4 INFO <60.00> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:24,617 gym INFO <60.00> Step reward: {}
2025-10-16 18:32:24,617 gym INFO <60.00> === STARTING STEP ===
2025-10-16 18:32:24,618 sats.satellite.EO-0 INFO <60.00> EO-0: target index 20 tasked
2025-10-16 18:32:24,619 sats.satellite.EO-0 INFO <60.00> EO-0: Target(tgt-2482) tasked for imaging
2025-10-16 18:32:24,619 sats.satellite.EO-0 INFO <60.00> EO-0: Target(tgt-2482) window enabled: 205.5 to 315.6
2025-10-16 18:32:24,620 sats.satellite.EO-0 INFO <60.00> EO-0: setting timed terminal event at 315.6
2025-10-16 18:32:24,621 sats.satellite.EO-1 INFO <60.00> EO-1: target index 25 tasked
2025-10-16 18:32:24,621 sats.satellite.EO-1 INFO <60.00> EO-1: Target(tgt-8899) tasked for imaging
2025-10-16 18:32:24,622 sats.satellite.EO-1 INFO <60.00> EO-1: Target(tgt-8899) window enabled: 131.4 to 260.4
2025-10-16 18:32:24,623 sats.satellite.EO-1 INFO <60.00> EO-1: setting timed terminal event at 260.4
2025-10-16 18:32:24,624 sats.satellite.EO-2 INFO <60.00> EO-2: target index 15 tasked
2025-10-16 18:32:24,624 sats.satellite.EO-2 INFO <60.00> EO-2: Target(tgt-5526) tasked for imaging
2025-10-16 18:32:24,625 sats.satellite.EO-2 INFO <60.00> EO-2: Target(tgt-5526) window enabled: 108.1 to 231.3
2025-10-16 18:32:24,625 sats.satellite.EO-2 INFO <60.00> EO-2: setting timed terminal event at 231.3
2025-10-16 18:32:24,626 sats.satellite.EO-3 INFO <60.00> EO-3: target index 29 tasked
2025-10-16 18:32:24,626 sats.satellite.EO-3 INFO <60.00> EO-3: Target(tgt-3173) tasked for imaging
2025-10-16 18:32:24,628 sats.satellite.EO-3 INFO <60.00> EO-3: Target(tgt-3173) window enabled: 199.1 to 265.6
2025-10-16 18:32:24,628 sats.satellite.EO-3 INFO <60.00> EO-3: setting timed terminal event at 265.6
2025-10-16 18:32:24,629 sats.satellite.EO-4 INFO <60.00> EO-4: target index 25 tasked
2025-10-16 18:32:24,630 sats.satellite.EO-4 INFO <60.00> EO-4: Target(tgt-2348) tasked for imaging
2025-10-16 18:32:24,630 sats.satellite.EO-4 INFO <60.00> EO-4: Target(tgt-2348) window enabled: 122.8 to 248.1
2025-10-16 18:32:24,631 sats.satellite.EO-4 INFO <60.00> EO-4: setting timed terminal event at 248.1
2025-10-16 18:32:24,667 sats.satellite.EO-2 INFO <109.50> EO-2: imaged Target(tgt-5526)
2025-10-16 18:32:24,671 data.base INFO <109.50> Total reward: {'EO-2': np.float64(0.00017114919116003685)}
2025-10-16 18:32:24,671 sats.satellite.EO-2 INFO <109.50> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:24,681 gym INFO <109.50> Step reward: {'EO-2': np.float64(0.00017114919116003685)}
2025-10-16 18:32:24,682 gym INFO <109.50> === STARTING STEP ===
2025-10-16 18:32:24,682 sats.satellite.EO-0 INFO <109.50> EO-0: target index 22 tasked
2025-10-16 18:32:24,683 sats.satellite.EO-0 INFO <109.50> EO-0: Target(tgt-6846) tasked for imaging
2025-10-16 18:32:24,684 sats.satellite.EO-0 INFO <109.50> EO-0: Target(tgt-6846) window enabled: 239.6 to 364.9
2025-10-16 18:32:24,684 sats.satellite.EO-0 INFO <109.50> EO-0: setting timed terminal event at 364.9
2025-10-16 18:32:24,685 sats.satellite.EO-1 INFO <109.50> EO-1: target index 12 tasked
2025-10-16 18:32:24,686 sats.satellite.EO-1 INFO <109.50> EO-1: Target(tgt-8186) tasked for imaging
2025-10-16 18:32:24,686 sats.satellite.EO-1 INFO <109.50> EO-1: Target(tgt-8186) window enabled: 144.8 to 214.2
2025-10-16 18:32:24,687 sats.satellite.EO-1 INFO <109.50> EO-1: setting timed terminal event at 214.2
2025-10-16 18:32:24,687 sats.satellite.EO-2 INFO <109.50> EO-2: target index 0 tasked
2025-10-16 18:32:24,688 sats.satellite.EO-2 INFO <109.50> EO-2: Target(tgt-1148) tasked for imaging
2025-10-16 18:32:24,689 sats.satellite.EO-2 INFO <109.50> EO-2: Target(tgt-1148) window enabled: 12.0 to 133.1
2025-10-16 18:32:24,689 sats.satellite.EO-2 INFO <109.50> EO-2: setting timed terminal event at 133.1
2025-10-16 18:32:24,690 sats.satellite.EO-3 INFO <109.50> EO-3: target index 28 tasked
2025-10-16 18:32:24,690 sats.satellite.EO-3 INFO <109.50> EO-3: Target(tgt-6556) tasked for imaging
2025-10-16 18:32:24,691 sats.satellite.EO-3 INFO <109.50> EO-3: Target(tgt-6556) window enabled: 160.0 to 285.3
2025-10-16 18:32:24,693 sats.satellite.EO-3 INFO <109.50> EO-3: setting timed terminal event at 285.3
2025-10-16 18:32:24,693 sats.satellite.EO-4 INFO <109.50> EO-4: target index 13 tasked
2025-10-16 18:32:24,694 sats.satellite.EO-4 INFO <109.50> EO-4: Target(tgt-309) tasked for imaging
2025-10-16 18:32:24,695 sats.satellite.EO-4 INFO <109.50> EO-4: Target(tgt-309) window enabled: 112.0 to 214.7
2025-10-16 18:32:24,696 sats.satellite.EO-4 INFO <109.50> EO-4: setting timed terminal event at 214.7
2025-10-16 18:32:24,713 sats.satellite.EO-4 INFO <133.00> EO-4: imaged Target(tgt-309)
2025-10-16 18:32:24,716 data.base INFO <133.00> Total reward: {'EO-4': np.float64(0.0005537603608653551)}
2025-10-16 18:32:24,717 sats.satellite.EO-4 INFO <133.00> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:24,726 gym INFO <133.00> Step reward: {'EO-4': np.float64(0.0005537603608653551)}
2025-10-16 18:32:24,727 gym INFO <133.00> === STARTING STEP ===
2025-10-16 18:32:24,727 sats.satellite.EO-0 INFO <133.00> EO-0: target index 15 tasked
2025-10-16 18:32:24,728 sats.satellite.EO-0 INFO <133.00> EO-0: Target(tgt-2333) tasked for imaging
2025-10-16 18:32:24,729 sats.satellite.EO-0 INFO <133.00> EO-0: Target(tgt-2333) window enabled: 220.4 to 343.6
2025-10-16 18:32:24,729 sats.satellite.EO-0 INFO <133.00> EO-0: setting timed terminal event at 343.6
2025-10-16 18:32:24,730 sats.satellite.EO-1 INFO <133.00> EO-1: target index 1 tasked
2025-10-16 18:32:24,731 sats.satellite.EO-1 INFO <133.00> EO-1: Target(tgt-5615) tasked for imaging
2025-10-16 18:32:24,732 sats.satellite.EO-1 INFO <133.00> EO-1: Target(tgt-5615) window enabled: 39.2 to 147.4
2025-10-16 18:32:24,732 sats.satellite.EO-1 INFO <133.00> EO-1: setting timed terminal event at 147.4
2025-10-16 18:32:24,733 sats.satellite.EO-2 INFO <133.00> EO-2: target index 28 tasked
2025-10-16 18:32:24,733 sats.satellite.EO-2 INFO <133.00> EO-2: Target(tgt-2977) tasked for imaging
2025-10-16 18:32:24,734 sats.satellite.EO-2 INFO <133.00> EO-2: Target(tgt-2977) window enabled: 306.8 to 428.9
2025-10-16 18:32:24,735 sats.satellite.EO-2 INFO <133.00> EO-2: setting timed terminal event at 428.9
2025-10-16 18:32:24,736 sats.satellite.EO-3 INFO <133.00> EO-3: target index 24 tasked
2025-10-16 18:32:24,737 sats.satellite.EO-3 INFO <133.00> EO-3: Target(tgt-6556) window enabled: 160.0 to 285.3
2025-10-16 18:32:24,737 sats.satellite.EO-3 INFO <133.00> EO-3: setting timed terminal event at 285.3
2025-10-16 18:32:24,738 sats.satellite.EO-4 INFO <133.00> EO-4: target index 2 tasked
2025-10-16 18:32:24,739 sats.satellite.EO-4 INFO <133.00> EO-4: Target(tgt-3131) tasked for imaging
2025-10-16 18:32:24,740 sats.satellite.EO-4 INFO <133.00> EO-4: Target(tgt-3131) window enabled: 27.8 to 158.8
2025-10-16 18:32:24,740 sats.satellite.EO-4 INFO <133.00> EO-4: setting timed terminal event at 158.8
2025-10-16 18:32:24,751 sats.satellite.EO-1 INFO <147.50> EO-1: timed termination at 147.4 for Target(tgt-5615) window
2025-10-16 18:32:24,754 data.base INFO <147.50> Total reward: {}
2025-10-16 18:32:24,755 sats.satellite.EO-1 INFO <147.50> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:24,764 gym INFO <147.50> Step reward: {}
2025-10-16 18:32:24,765 gym INFO <147.50> === STARTING STEP ===
2025-10-16 18:32:24,766 sats.satellite.EO-0 INFO <147.50> EO-0: target index 24 tasked
2025-10-16 18:32:24,766 sats.satellite.EO-0 INFO <147.50> EO-0: Target(tgt-1520) tasked for imaging
2025-10-16 18:32:24,767 sats.satellite.EO-0 INFO <147.50> EO-0: Target(tgt-1520) window enabled: 296.9 to 421.3
2025-10-16 18:32:24,768 sats.satellite.EO-0 INFO <147.50> EO-0: setting timed terminal event at 421.3
2025-10-16 18:32:24,769 sats.satellite.EO-1 INFO <147.50> EO-1: target index 21 tasked
2025-10-16 18:32:24,769 sats.satellite.EO-1 INFO <147.50> EO-1: Target(tgt-2961) tasked for imaging
2025-10-16 18:32:24,770 sats.satellite.EO-1 INFO <147.50> EO-1: Target(tgt-2961) window enabled: 248.8 to 289.8
2025-10-16 18:32:24,770 sats.satellite.EO-1 INFO <147.50> EO-1: setting timed terminal event at 289.8
2025-10-16 18:32:24,771 sats.satellite.EO-2 INFO <147.50> EO-2: target index 12 tasked
2025-10-16 18:32:24,771 sats.satellite.EO-2 INFO <147.50> EO-2: Target(tgt-6215) tasked for imaging
2025-10-16 18:32:24,772 sats.satellite.EO-2 INFO <147.50> EO-2: Target(tgt-6215) window enabled: 218.2 to 300.8
2025-10-16 18:32:24,773 sats.satellite.EO-2 INFO <147.50> EO-2: setting timed terminal event at 300.8
2025-10-16 18:32:24,775 sats.satellite.EO-3 INFO <147.50> EO-3: target index 10 tasked
2025-10-16 18:32:24,775 sats.satellite.EO-3 INFO <147.50> EO-3: Target(tgt-8272) tasked for imaging
2025-10-16 18:32:24,776 sats.satellite.EO-3 INFO <147.50> EO-3: Target(tgt-8272) window enabled: 81.1 to 206.1
2025-10-16 18:32:24,776 sats.satellite.EO-3 INFO <147.50> EO-3: setting timed terminal event at 206.1
2025-10-16 18:32:24,777 sats.satellite.EO-4 INFO <147.50> EO-4: target index 16 tasked
2025-10-16 18:32:24,777 sats.satellite.EO-4 INFO <147.50> EO-4: Target(tgt-8798) tasked for imaging
2025-10-16 18:32:24,778 sats.satellite.EO-4 INFO <147.50> EO-4: Target(tgt-8798) window enabled: 137.9 to 260.4
2025-10-16 18:32:24,778 sats.satellite.EO-4 INFO <147.50> EO-4: setting timed terminal event at 260.4
2025-10-16 18:32:24,814 sats.satellite.EO-3 INFO <195.00> EO-3: imaged Target(tgt-8272)
2025-10-16 18:32:24,816 data.base INFO <195.00> Total reward: {'EO-3': np.float64(1.2284281844764505e-05)}
2025-10-16 18:32:24,817 sats.satellite.EO-3 INFO <195.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:24,827 gym INFO <195.00> Step reward: {'EO-3': np.float64(1.2284281844764505e-05)}
2025-10-16 18:32:24,828 gym INFO <195.00> === STARTING STEP ===
2025-10-16 18:32:24,829 sats.satellite.EO-0 INFO <195.00> EO-0: target index 3 tasked
2025-10-16 18:32:24,829 sats.satellite.EO-0 INFO <195.00> EO-0: Target(tgt-9464) tasked for imaging
2025-10-16 18:32:24,830 sats.satellite.EO-0 INFO <195.00> EO-0: Target(tgt-9464) window enabled: 244.0 to 277.4
2025-10-16 18:32:24,831 sats.satellite.EO-0 INFO <195.00> EO-0: setting timed terminal event at 277.4
2025-10-16 18:32:24,831 sats.satellite.EO-1 INFO <195.00> EO-1: target index 3 tasked
2025-10-16 18:32:24,832 sats.satellite.EO-1 INFO <195.00> EO-1: Target(tgt-97) tasked for imaging
2025-10-16 18:32:24,832 sats.satellite.EO-1 INFO <195.00> EO-1: Target(tgt-97) window enabled: 133.6 to 252.0
2025-10-16 18:32:24,833 sats.satellite.EO-1 INFO <195.00> EO-1: setting timed terminal event at 252.0
2025-10-16 18:32:24,834 sats.satellite.EO-2 INFO <195.00> EO-2: target index 9 tasked
2025-10-16 18:32:24,835 sats.satellite.EO-2 INFO <195.00> EO-2: Target(tgt-6201) tasked for imaging
2025-10-16 18:32:24,835 sats.satellite.EO-2 INFO <195.00> EO-2: Target(tgt-6201) window enabled: 198.2 to 317.7
2025-10-16 18:32:24,836 sats.satellite.EO-2 INFO <195.00> EO-2: setting timed terminal event at 317.7
2025-10-16 18:32:24,837 sats.satellite.EO-3 INFO <195.00> EO-3: target index 23 tasked
2025-10-16 18:32:24,837 sats.satellite.EO-3 INFO <195.00> EO-3: Target(tgt-302) tasked for imaging
2025-10-16 18:32:24,838 sats.satellite.EO-3 INFO <195.00> EO-3: Target(tgt-302) window enabled: 258.4 to 388.9
2025-10-16 18:32:24,838 sats.satellite.EO-3 INFO <195.00> EO-3: setting timed terminal event at 388.9
2025-10-16 18:32:24,840 sats.satellite.EO-4 INFO <195.00> EO-4: target index 20 tasked
2025-10-16 18:32:24,841 sats.satellite.EO-4 INFO <195.00> EO-4: Target(tgt-3871) tasked for imaging
2025-10-16 18:32:24,841 sats.satellite.EO-4 INFO <195.00> EO-4: Target(tgt-3871) window enabled: 239.9 to 338.5
2025-10-16 18:32:24,842 sats.satellite.EO-4 INFO <195.00> EO-4: setting timed terminal event at 338.5
2025-10-16 18:32:24,871 sats.satellite.EO-2 INFO <234.50> EO-2: imaged Target(tgt-6201)
2025-10-16 18:32:24,874 data.base INFO <234.50> Total reward: {'EO-2': np.float64(0.00019618809952959716)}
2025-10-16 18:32:24,875 sats.satellite.EO-2 INFO <234.50> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:24,884 gym INFO <234.50> Step reward: {'EO-2': np.float64(0.00019618809952959716)}
2025-10-16 18:32:24,885 gym INFO <234.50> === STARTING STEP ===
2025-10-16 18:32:24,885 sats.satellite.EO-0 INFO <234.50> EO-0: action_charge tasked for 60.0 seconds
2025-10-16 18:32:24,886 sats.satellite.EO-0 INFO <234.50> EO-0: setting timed terminal event at 294.5
2025-10-16 18:32:24,887 sats.satellite.EO-1 INFO <234.50> EO-1: target index 21 tasked
2025-10-16 18:32:24,887 sats.satellite.EO-1 INFO <234.50> EO-1: Target(tgt-8147) tasked for imaging
2025-10-16 18:32:24,888 sats.satellite.EO-1 INFO <234.50> EO-1: Target(tgt-8147) window enabled: 345.9 to 427.9
2025-10-16 18:32:24,889 sats.satellite.EO-1 INFO <234.50> EO-1: setting timed terminal event at 427.9
2025-10-16 18:32:24,890 sats.satellite.EO-2 INFO <234.50> EO-2: target index 20 tasked
2025-10-16 18:32:24,890 sats.satellite.EO-2 INFO <234.50> EO-2: Target(tgt-6166) tasked for imaging
2025-10-16 18:32:24,891 sats.satellite.EO-2 INFO <234.50> EO-2: Target(tgt-6166) window enabled: 332.4 to 451.4
2025-10-16 18:32:24,891 sats.satellite.EO-2 INFO <234.50> EO-2: setting timed terminal event at 451.4
2025-10-16 18:32:24,892 sats.satellite.EO-3 INFO <234.50> EO-3: target index 22 tasked
2025-10-16 18:32:24,893 sats.satellite.EO-3 INFO <234.50> EO-3: Target(tgt-561) tasked for imaging
2025-10-16 18:32:24,894 sats.satellite.EO-3 INFO <234.50> EO-3: Target(tgt-561) window enabled: 315.5 to 432.6
2025-10-16 18:32:24,894 sats.satellite.EO-3 INFO <234.50> EO-3: setting timed terminal event at 432.6
2025-10-16 18:32:24,895 sats.satellite.EO-4 INFO <234.50> EO-4: target index 19 tasked
2025-10-16 18:32:24,896 sats.satellite.EO-4 INFO <234.50> EO-4: Target(tgt-8706) tasked for imaging
2025-10-16 18:32:24,897 sats.satellite.EO-4 INFO <234.50> EO-4: Target(tgt-8706) window enabled: 242.1 to 372.5
2025-10-16 18:32:24,897 sats.satellite.EO-4 INFO <234.50> EO-4: setting timed terminal event at 372.5
2025-10-16 18:32:24,917 sats.satellite.EO-4 INFO <263.00> EO-4: imaged Target(tgt-8706)
2025-10-16 18:32:24,920 data.base INFO <263.00> Total reward: {'EO-4': np.float64(0.0007387702989303059)}
2025-10-16 18:32:24,920 sats.satellite.EO-4 INFO <263.00> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:24,930 gym INFO <263.00> Step reward: {'EO-4': np.float64(0.0007387702989303059)}
2025-10-16 18:32:24,931 gym INFO <263.00> === STARTING STEP ===
2025-10-16 18:32:24,931 sats.satellite.EO-0 INFO <263.00> EO-0: target index 15 tasked
2025-10-16 18:32:24,932 sats.satellite.EO-0 INFO <263.00> EO-0: Target(tgt-3711) tasked for imaging
2025-10-16 18:32:24,932 sats.satellite.EO-0 INFO <263.00> EO-0: Target(tgt-3711) window enabled: 292.4 to 408.6
2025-10-16 18:32:24,933 sats.satellite.EO-0 INFO <263.00> EO-0: setting timed terminal event at 408.6
2025-10-16 18:32:24,934 sats.satellite.EO-1 INFO <263.00> EO-1: target index 5 tasked
2025-10-16 18:32:24,934 sats.satellite.EO-1 INFO <263.00> EO-1: Target(tgt-5378) tasked for imaging
2025-10-16 18:32:24,935 sats.satellite.EO-1 INFO <263.00> EO-1: Target(tgt-5378) window enabled: 258.9 to 311.9
2025-10-16 18:32:24,935 sats.satellite.EO-1 INFO <263.00> EO-1: setting timed terminal event at 311.9
2025-10-16 18:32:24,937 sats.satellite.EO-2 INFO <263.00> EO-2: target index 26 tasked
2025-10-16 18:32:24,937 sats.satellite.EO-2 INFO <263.00> EO-2: Target(tgt-5757) tasked for imaging
2025-10-16 18:32:24,938 sats.satellite.EO-2 INFO <263.00> EO-2: Target(tgt-5757) window enabled: 392.8 to 521.2
2025-10-16 18:32:24,938 sats.satellite.EO-2 INFO <263.00> EO-2: setting timed terminal event at 521.2
2025-10-16 18:32:24,939 sats.satellite.EO-3 INFO <263.00> EO-3: target index 30 tasked
2025-10-16 18:32:24,939 sats.satellite.EO-3 INFO <263.00> EO-3: Target(tgt-7108) tasked for imaging
2025-10-16 18:32:24,940 sats.satellite.EO-3 INFO <263.00> EO-3: Target(tgt-7108) window enabled: 487.3 to 573.4
2025-10-16 18:32:24,940 sats.satellite.EO-3 INFO <263.00> EO-3: setting timed terminal event at 573.4
2025-10-16 18:32:24,941 sats.satellite.EO-4 INFO <263.00> EO-4: target index 26 tasked
2025-10-16 18:32:24,942 sats.satellite.EO-4 INFO <263.00> EO-4: Target(tgt-5609) tasked for imaging
2025-10-16 18:32:24,942 sats.satellite.EO-4 INFO <263.00> EO-4: Target(tgt-5609) window enabled: 370.8 to 482.1
2025-10-16 18:32:24,943 sats.satellite.EO-4 INFO <263.00> EO-4: setting timed terminal event at 482.1
2025-10-16 18:32:24,978 sats.satellite.EO-1 INFO <312.00> EO-1: timed termination at 311.9 for Target(tgt-5378) window
2025-10-16 18:32:24,981 data.base INFO <312.00> Total reward: {}
2025-10-16 18:32:24,981 sats.satellite.EO-1 INFO <312.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:24,991 gym INFO <312.00> Step reward: {}
2025-10-16 18:32:24,992 gym INFO <312.00> === STARTING STEP ===
2025-10-16 18:32:24,992 sats.satellite.EO-0 INFO <312.00> EO-0: target index 15 tasked
2025-10-16 18:32:24,993 sats.satellite.EO-0 INFO <312.00> EO-0: Target(tgt-5828) tasked for imaging
2025-10-16 18:32:24,994 sats.satellite.EO-0 INFO <312.00> EO-0: Target(tgt-5828) window enabled: 327.5 to 442.1
2025-10-16 18:32:24,994 sats.satellite.EO-0 INFO <312.00> EO-0: setting timed terminal event at 442.1
2025-10-16 18:32:24,995 sats.satellite.EO-1 INFO <312.00> EO-1: target index 5 tasked
2025-10-16 18:32:24,995 sats.satellite.EO-1 INFO <312.00> EO-1: Target(tgt-7877) tasked for imaging
2025-10-16 18:32:24,996 sats.satellite.EO-1 INFO <312.00> EO-1: Target(tgt-7877) window enabled: 327.0 to 347.9
2025-10-16 18:32:24,996 sats.satellite.EO-1 INFO <312.00> EO-1: setting timed terminal event at 347.9
2025-10-16 18:32:24,998 sats.satellite.EO-2 INFO <312.00> EO-2: target index 21 tasked
2025-10-16 18:32:24,998 sats.satellite.EO-2 INFO <312.00> EO-2: Target(tgt-100) tasked for imaging
2025-10-16 18:32:24,999 sats.satellite.EO-2 INFO <312.00> EO-2: Target(tgt-100) window enabled: 385.1 to 500.9
2025-10-16 18:32:24,999 sats.satellite.EO-2 INFO <312.00> EO-2: setting timed terminal event at 500.9
2025-10-16 18:32:25,000 sats.satellite.EO-3 INFO <312.00> EO-3: target index 2 tasked
2025-10-16 18:32:25,001 sats.satellite.EO-3 INFO <312.00> EO-3: Target(tgt-5891) tasked for imaging
2025-10-16 18:32:25,001 sats.satellite.EO-3 INFO <312.00> EO-3: Target(tgt-5891) window enabled: 227.5 to 342.1
2025-10-16 18:32:25,002 sats.satellite.EO-3 INFO <312.00> EO-3: setting timed terminal event at 342.1
2025-10-16 18:32:25,003 sats.satellite.EO-4 INFO <312.00> EO-4: target index 25 tasked
2025-10-16 18:32:25,003 sats.satellite.EO-4 INFO <312.00> EO-4: Target(tgt-3074) tasked for imaging
2025-10-16 18:32:25,004 sats.satellite.EO-4 INFO <312.00> EO-4: Target(tgt-3074) window enabled: 452.4 to 520.2
2025-10-16 18:32:25,004 sats.satellite.EO-4 INFO <312.00> EO-4: setting timed terminal event at 520.2
2025-10-16 18:32:25,026 sats.satellite.EO-3 INFO <342.50> EO-3: timed termination at 342.1 for Target(tgt-5891) window
2025-10-16 18:32:25,029 data.base INFO <342.50> Total reward: {}
2025-10-16 18:32:25,029 sats.satellite.EO-3 INFO <342.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:25,039 gym INFO <342.50> Step reward: {}
2025-10-16 18:32:25,040 gym INFO <342.50> === STARTING STEP ===
2025-10-16 18:32:25,040 sats.satellite.EO-0 INFO <342.50> EO-0: target index 17 tasked
2025-10-16 18:32:25,041 sats.satellite.EO-0 INFO <342.50> EO-0: Target(tgt-473) tasked for imaging
2025-10-16 18:32:25,042 sats.satellite.EO-0 INFO <342.50> EO-0: Target(tgt-473) window enabled: 362.9 to 480.9
2025-10-16 18:32:25,042 sats.satellite.EO-0 INFO <342.50> EO-0: setting timed terminal event at 480.9
2025-10-16 18:32:25,043 sats.satellite.EO-1 INFO <342.50> EO-1: target index 5 tasked
2025-10-16 18:32:25,044 sats.satellite.EO-1 INFO <342.50> EO-1: Target(tgt-8966) tasked for imaging
2025-10-16 18:32:25,045 sats.satellite.EO-1 INFO <342.50> EO-1: Target(tgt-8966) window enabled: 325.1 to 431.4
2025-10-16 18:32:25,046 sats.satellite.EO-1 INFO <342.50> EO-1: setting timed terminal event at 431.4
2025-10-16 18:32:25,046 sats.satellite.EO-2 INFO <342.50> EO-2: target index 30 tasked
2025-10-16 18:32:25,047 sats.satellite.EO-2 INFO <342.50> EO-2: Target(tgt-2061) tasked for imaging
2025-10-16 18:32:25,048 sats.satellite.EO-2 INFO <342.50> EO-2: Target(tgt-2061) window enabled: 498.8 to 594.4
2025-10-16 18:32:25,048 sats.satellite.EO-2 INFO <342.50> EO-2: setting timed terminal event at 594.4
2025-10-16 18:32:25,049 sats.satellite.EO-3 INFO <342.50> EO-3: target index 2 tasked
2025-10-16 18:32:25,049 sats.satellite.EO-3 INFO <342.50> EO-3: Target(tgt-8850) tasked for imaging
2025-10-16 18:32:25,050 sats.satellite.EO-3 INFO <342.50> EO-3: Target(tgt-8850) window enabled: 269.4 to 395.9
2025-10-16 18:32:25,051 sats.satellite.EO-3 INFO <342.50> EO-3: setting timed terminal event at 395.9
2025-10-16 18:32:25,051 sats.satellite.EO-4 INFO <342.50> EO-4: target index 1 tasked
2025-10-16 18:32:25,052 sats.satellite.EO-4 INFO <342.50> EO-4: Target(tgt-9459) tasked for imaging
2025-10-16 18:32:25,053 sats.satellite.EO-4 INFO <342.50> EO-4: Target(tgt-9459) window enabled: 218.1 to 349.0
2025-10-16 18:32:25,054 sats.satellite.EO-4 INFO <342.50> EO-4: setting timed terminal event at 349.0
2025-10-16 18:32:25,060 sats.satellite.EO-4 INFO <349.50> EO-4: timed termination at 349.0 for Target(tgt-9459) window
2025-10-16 18:32:25,063 data.base INFO <349.50> Total reward: {}
2025-10-16 18:32:25,063 sats.satellite.EO-4 INFO <349.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:25,074 gym INFO <349.50> Step reward: {}
2025-10-16 18:32:25,074 gym INFO <349.50> === STARTING STEP ===
2025-10-16 18:32:25,075 sats.satellite.EO-0 INFO <349.50> EO-0: target index 3 tasked
2025-10-16 18:32:25,075 sats.satellite.EO-0 INFO <349.50> EO-0: Target(tgt-5817) tasked for imaging
2025-10-16 18:32:25,076 sats.satellite.EO-0 INFO <349.50> EO-0: Target(tgt-5817) window enabled: 277.2 to 377.9
2025-10-16 18:32:25,076 sats.satellite.EO-0 INFO <349.50> EO-0: setting timed terminal event at 377.9
2025-10-16 18:32:25,078 sats.satellite.EO-1 INFO <349.50> EO-1: target index 8 tasked
2025-10-16 18:32:25,078 sats.satellite.EO-1 INFO <349.50> EO-1: Target(tgt-2870) tasked for imaging
2025-10-16 18:32:25,079 sats.satellite.EO-1 INFO <349.50> EO-1: Target(tgt-2870) window enabled: 381.9 to 465.0
2025-10-16 18:32:25,079 sats.satellite.EO-1 INFO <349.50> EO-1: setting timed terminal event at 465.0
2025-10-16 18:32:25,080 sats.satellite.EO-2 INFO <349.50> EO-2: target index 18 tasked
2025-10-16 18:32:25,080 sats.satellite.EO-2 INFO <349.50> EO-2: Target(tgt-7098) tasked for imaging
2025-10-16 18:32:25,082 sats.satellite.EO-2 INFO <349.50> EO-2: Target(tgt-7098) window enabled: 378.2 to 509.1
2025-10-16 18:32:25,082 sats.satellite.EO-2 INFO <349.50> EO-2: setting timed terminal event at 509.1
2025-10-16 18:32:25,083 sats.satellite.EO-3 INFO <349.50> EO-3: action_charge tasked for 60.0 seconds
2025-10-16 18:32:25,083 sats.satellite.EO-3 INFO <349.50> EO-3: setting timed terminal event at 409.5
2025-10-16 18:32:25,084 sats.satellite.EO-4 INFO <349.50> EO-4: target index 28 tasked
2025-10-16 18:32:25,085 sats.satellite.EO-4 INFO <349.50> EO-4: Target(tgt-9568) tasked for imaging
2025-10-16 18:32:25,086 sats.satellite.EO-4 INFO <349.50> EO-4: Target(tgt-9568) window enabled: 463.1 to 593.6
2025-10-16 18:32:25,086 sats.satellite.EO-4 INFO <349.50> EO-4: setting timed terminal event at 593.6
2025-10-16 18:32:25,107 sats.satellite.EO-0 INFO <378.00> EO-0: timed termination at 377.9 for Target(tgt-5817) window
2025-10-16 18:32:25,110 data.base INFO <378.00> Total reward: {}
2025-10-16 18:32:25,110 sats.satellite.EO-0 INFO <378.00> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:25,120 gym INFO <378.00> Step reward: {}
2025-10-16 18:32:25,120 gym INFO <378.00> === STARTING STEP ===
2025-10-16 18:32:25,121 sats.satellite.EO-0 INFO <378.00> EO-0: target index 25 tasked
2025-10-16 18:32:25,122 sats.satellite.EO-0 INFO <378.00> EO-0: Target(tgt-5998) tasked for imaging
2025-10-16 18:32:25,123 sats.satellite.EO-0 INFO <378.00> EO-0: Target(tgt-5998) window enabled: 458.9 to 577.3
2025-10-16 18:32:25,123 sats.satellite.EO-0 INFO <378.00> EO-0: setting timed terminal event at 577.3
2025-10-16 18:32:25,124 sats.satellite.EO-1 INFO <378.00> EO-1: target index 6 tasked
2025-10-16 18:32:25,124 sats.satellite.EO-1 INFO <378.00> EO-1: Target(tgt-4490) tasked for imaging
2025-10-16 18:32:25,125 sats.satellite.EO-1 INFO <378.00> EO-1: Target(tgt-4490) window enabled: 325.8 to 456.4
2025-10-16 18:32:25,126 sats.satellite.EO-1 INFO <378.00> EO-1: setting timed terminal event at 456.4
2025-10-16 18:32:25,126 sats.satellite.EO-2 INFO <378.00> EO-2: target index 26 tasked
2025-10-16 18:32:25,127 sats.satellite.EO-2 INFO <378.00> EO-2: Target(tgt-9170) tasked for imaging
2025-10-16 18:32:25,128 sats.satellite.EO-2 INFO <378.00> EO-2: Target(tgt-9170) window enabled: 484.0 to 603.7
2025-10-16 18:32:25,129 sats.satellite.EO-2 INFO <378.00> EO-2: setting timed terminal event at 603.7
2025-10-16 18:32:25,130 sats.satellite.EO-3 INFO <378.00> EO-3: target index 1 tasked
2025-10-16 18:32:25,130 sats.satellite.EO-3 INFO <378.00> EO-3: Target(tgt-8850) tasked for imaging
2025-10-16 18:32:25,131 sats.satellite.EO-3 INFO <378.00> EO-3: Target(tgt-8850) window enabled: 269.4 to 395.9
2025-10-16 18:32:25,131 sats.satellite.EO-3 INFO <378.00> EO-3: setting timed terminal event at 395.9
2025-10-16 18:32:25,132 sats.satellite.EO-4 INFO <378.00> EO-4: target index 26 tasked
2025-10-16 18:32:25,133 sats.satellite.EO-4 INFO <378.00> EO-4: Target(tgt-9567) tasked for imaging
2025-10-16 18:32:25,133 sats.satellite.EO-4 INFO <378.00> EO-4: Target(tgt-9567) window enabled: 469.6 to 595.9
2025-10-16 18:32:25,134 sats.satellite.EO-4 INFO <378.00> EO-4: setting timed terminal event at 595.9
2025-10-16 18:32:25,149 sats.satellite.EO-3 INFO <396.00> EO-3: timed termination at 395.9 for Target(tgt-8850) window
2025-10-16 18:32:25,152 data.base INFO <396.00> Total reward: {}
2025-10-16 18:32:25,153 sats.satellite.EO-3 INFO <396.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:25,162 gym INFO <396.00> Step reward: {}
2025-10-16 18:32:25,163 gym INFO <396.00> === STARTING STEP ===
2025-10-16 18:32:25,164 sats.satellite.EO-0 INFO <396.00> EO-0: target index 19 tasked
2025-10-16 18:32:25,164 sats.satellite.EO-0 INFO <396.00> EO-0: Target(tgt-2631) tasked for imaging
2025-10-16 18:32:25,165 sats.satellite.EO-0 INFO <396.00> EO-0: Target(tgt-2631) window enabled: 494.9 to 542.6
2025-10-16 18:32:25,165 sats.satellite.EO-0 INFO <396.00> EO-0: setting timed terminal event at 542.6
2025-10-16 18:32:25,166 sats.satellite.EO-1 INFO <396.00> EO-1: target index 24 tasked
2025-10-16 18:32:25,166 sats.satellite.EO-1 INFO <396.00> EO-1: Target(tgt-4379) tasked for imaging
2025-10-16 18:32:25,167 sats.satellite.EO-1 INFO <396.00> EO-1: Target(tgt-4379) window enabled: 459.8 to 572.6
2025-10-16 18:32:25,167 sats.satellite.EO-1 INFO <396.00> EO-1: setting timed terminal event at 572.6
2025-10-16 18:32:25,168 sats.satellite.EO-2 INFO <396.00> EO-2: target index 26 tasked
2025-10-16 18:32:25,169 sats.satellite.EO-2 INFO <396.00> EO-2: Target(tgt-9170) window enabled: 484.0 to 603.7
2025-10-16 18:32:25,169 sats.satellite.EO-2 INFO <396.00> EO-2: setting timed terminal event at 603.7
2025-10-16 18:32:25,170 sats.satellite.EO-3 INFO <396.00> EO-3: target index 17 tasked
2025-10-16 18:32:25,170 sats.satellite.EO-3 INFO <396.00> EO-3: Target(tgt-2136) tasked for imaging
2025-10-16 18:32:25,171 sats.satellite.EO-3 INFO <396.00> EO-3: Target(tgt-2136) window enabled: 458.6 to 589.5
2025-10-16 18:32:25,171 sats.satellite.EO-3 INFO <396.00> EO-3: setting timed terminal event at 589.5
2025-10-16 18:32:25,172 sats.satellite.EO-4 INFO <396.00> EO-4: target index 12 tasked
2025-10-16 18:32:25,173 sats.satellite.EO-4 INFO <396.00> EO-4: Target(tgt-9329) tasked for imaging
2025-10-16 18:32:25,173 sats.satellite.EO-4 INFO <396.00> EO-4: Target(tgt-9329) window enabled: 365.4 to 493.4
2025-10-16 18:32:25,174 sats.satellite.EO-4 INFO <396.00> EO-4: setting timed terminal event at 493.4
2025-10-16 18:32:25,202 sats.satellite.EO-4 INFO <432.50> EO-4: imaged Target(tgt-9329)
2025-10-16 18:32:25,205 data.base INFO <432.50> Total reward: {'EO-4': np.float64(0.0005503746266565999)}
2025-10-16 18:32:25,206 sats.satellite.EO-4 INFO <432.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:25,216 gym INFO <432.50> Step reward: {'EO-4': np.float64(0.0005503746266565999)}
2025-10-16 18:32:25,216 gym INFO <432.50> === STARTING STEP ===
2025-10-16 18:32:25,217 sats.satellite.EO-0 INFO <432.50> EO-0: target index 25 tasked
2025-10-16 18:32:25,217 sats.satellite.EO-0 INFO <432.50> EO-0: Target(tgt-9242) tasked for imaging
2025-10-16 18:32:25,218 sats.satellite.EO-0 INFO <432.50> EO-0: Target(tgt-9242) window enabled: 524.2 to 616.8
2025-10-16 18:32:25,218 sats.satellite.EO-0 INFO <432.50> EO-0: setting timed terminal event at 616.8
2025-10-16 18:32:25,219 sats.satellite.EO-1 INFO <432.50> EO-1: target index 23 tasked
2025-10-16 18:32:25,220 sats.satellite.EO-1 INFO <432.50> EO-1: Target(tgt-6163) tasked for imaging
2025-10-16 18:32:25,221 sats.satellite.EO-1 INFO <432.50> EO-1: Target(tgt-6163) window enabled: 510.8 to 588.1
2025-10-16 18:32:25,221 sats.satellite.EO-1 INFO <432.50> EO-1: setting timed terminal event at 588.1
2025-10-16 18:32:25,222 sats.satellite.EO-2 INFO <432.50> EO-2: target index 15 tasked
2025-10-16 18:32:25,222 sats.satellite.EO-2 INFO <432.50> EO-2: Target(tgt-7923) tasked for imaging
2025-10-16 18:32:25,223 sats.satellite.EO-2 INFO <432.50> EO-2: Target(tgt-7923) window enabled: 442.6 to 542.5
2025-10-16 18:32:25,223 sats.satellite.EO-2 INFO <432.50> EO-2: setting timed terminal event at 542.5
2025-10-16 18:32:25,224 sats.satellite.EO-3 INFO <432.50> EO-3: target index 11 tasked
2025-10-16 18:32:25,225 sats.satellite.EO-3 INFO <432.50> EO-3: Target(tgt-3497) tasked for imaging
2025-10-16 18:32:25,225 sats.satellite.EO-3 INFO <432.50> EO-3: Target(tgt-3497) window enabled: 428.7 to 555.7
2025-10-16 18:32:25,226 sats.satellite.EO-3 INFO <432.50> EO-3: setting timed terminal event at 555.7
2025-10-16 18:32:25,226 sats.satellite.EO-4 INFO <432.50> EO-4: target index 19 tasked
2025-10-16 18:32:25,227 sats.satellite.EO-4 INFO <432.50> EO-4: Target(tgt-2775) tasked for imaging
2025-10-16 18:32:25,228 sats.satellite.EO-4 INFO <432.50> EO-4: Target(tgt-2775) window enabled: 458.6 to 585.8
2025-10-16 18:32:25,228 sats.satellite.EO-4 INFO <432.50> EO-4: setting timed terminal event at 585.8
2025-10-16 18:32:25,249 sats.satellite.EO-3 INFO <458.50> EO-3: imaged Target(tgt-3497)
2025-10-16 18:32:25,252 data.base INFO <458.50> Total reward: {'EO-3': np.float64(0.002913718107019753)}
2025-10-16 18:32:25,253 sats.satellite.EO-3 INFO <458.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:25,262 gym INFO <458.50> Step reward: {'EO-3': np.float64(0.002913718107019753)}
2025-10-16 18:32:25,263 gym INFO <458.50> === STARTING STEP ===
2025-10-16 18:32:25,263 sats.satellite.EO-0 INFO <458.50> EO-0: target index 25 tasked
2025-10-16 18:32:25,264 sats.satellite.EO-0 INFO <458.50> EO-0: Target(tgt-3995) tasked for imaging
2025-10-16 18:32:25,264 sats.satellite.EO-0 INFO <458.50> EO-0: Target(tgt-3995) window enabled: 544.2 to 635.4
2025-10-16 18:32:25,265 sats.satellite.EO-0 INFO <458.50> EO-0: setting timed terminal event at 635.4
2025-10-16 18:32:25,266 sats.satellite.EO-1 INFO <458.50> EO-1: target index 8 tasked
2025-10-16 18:32:25,266 sats.satellite.EO-1 INFO <458.50> EO-1: Target(tgt-3867) tasked for imaging
2025-10-16 18:32:25,268 sats.satellite.EO-1 INFO <458.50> EO-1: Target(tgt-3867) window enabled: 401.0 to 527.0
2025-10-16 18:32:25,268 sats.satellite.EO-1 INFO <458.50> EO-1: setting timed terminal event at 527.0
2025-10-16 18:32:25,269 sats.satellite.EO-2 INFO <458.50> EO-2: target index 7 tasked
2025-10-16 18:32:25,270 sats.satellite.EO-2 INFO <458.50> EO-2: Target(tgt-5757) tasked for imaging
2025-10-16 18:32:25,271 sats.satellite.EO-2 INFO <458.50> EO-2: Target(tgt-5757) window enabled: 392.8 to 521.2
2025-10-16 18:32:25,271 sats.satellite.EO-2 INFO <458.50> EO-2: setting timed terminal event at 521.2
2025-10-16 18:32:25,272 sats.satellite.EO-3 INFO <458.50> EO-3: target index 28 tasked
2025-10-16 18:32:25,273 sats.satellite.EO-3 INFO <458.50> EO-3: Target(tgt-4200) tasked for imaging
2025-10-16 18:32:25,273 sats.satellite.EO-3 INFO <458.50> EO-3: Target(tgt-4200) window enabled: 554.4 to 668.5
2025-10-16 18:32:25,274 sats.satellite.EO-3 INFO <458.50> EO-3: setting timed terminal event at 668.5
2025-10-16 18:32:25,275 sats.satellite.EO-4 INFO <458.50> EO-4: target index 19 tasked
2025-10-16 18:32:25,276 sats.satellite.EO-4 INFO <458.50> EO-4: Target(tgt-2505) tasked for imaging
2025-10-16 18:32:25,276 sats.satellite.EO-4 INFO <458.50> EO-4: Target(tgt-2505) window enabled: 473.5 to 604.0
2025-10-16 18:32:25,277 sats.satellite.EO-4 INFO <458.50> EO-4: setting timed terminal event at 604.0
2025-10-16 18:32:25,291 sats.satellite.EO-4 INFO <477.50> EO-4: imaged Target(tgt-2505)
2025-10-16 18:32:25,293 data.base INFO <477.50> Total reward: {'EO-4': np.float64(0.0015336782175379758)}
2025-10-16 18:32:25,294 sats.satellite.EO-4 INFO <477.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:25,303 gym INFO <477.50> Step reward: {'EO-4': np.float64(0.0015336782175379758)}
2025-10-16 18:32:25,304 gym INFO <477.50> === STARTING STEP ===
2025-10-16 18:32:25,305 sats.satellite.EO-0 INFO <477.50> EO-0: target index 8 tasked
2025-10-16 18:32:25,305 sats.satellite.EO-0 INFO <477.50> EO-0: Target(tgt-2631) tasked for imaging
2025-10-16 18:32:25,306 sats.satellite.EO-0 INFO <477.50> EO-0: Target(tgt-2631) window enabled: 494.9 to 542.6
2025-10-16 18:32:25,307 sats.satellite.EO-0 INFO <477.50> EO-0: setting timed terminal event at 542.6
2025-10-16 18:32:25,307 sats.satellite.EO-1 INFO <477.50> EO-1: target index 12 tasked
2025-10-16 18:32:25,308 sats.satellite.EO-1 INFO <477.50> EO-1: Target(tgt-1755) tasked for imaging
2025-10-16 18:32:25,309 sats.satellite.EO-1 INFO <477.50> EO-1: Target(tgt-1755) window enabled: 451.7 to 560.0
2025-10-16 18:32:25,309 sats.satellite.EO-1 INFO <477.50> EO-1: setting timed terminal event at 560.0
2025-10-16 18:32:25,310 sats.satellite.EO-2 INFO <477.50> EO-2: target index 1 tasked
2025-10-16 18:32:25,310 sats.satellite.EO-2 INFO <477.50> EO-2: Target(tgt-6875) tasked for imaging
2025-10-16 18:32:25,311 sats.satellite.EO-2 INFO <477.50> EO-2: Target(tgt-6875) window enabled: 364.3 to 487.0
2025-10-16 18:32:25,311 sats.satellite.EO-2 INFO <477.50> EO-2: setting timed terminal event at 487.0
2025-10-16 18:32:25,313 sats.satellite.EO-3 INFO <477.50> EO-3: target index 3 tasked
2025-10-16 18:32:25,314 sats.satellite.EO-3 INFO <477.50> EO-3: Target(tgt-9338) tasked for imaging
2025-10-16 18:32:25,315 sats.satellite.EO-3 INFO <477.50> EO-3: Target(tgt-9338) window enabled: 433.1 to 542.3
2025-10-16 18:32:25,315 sats.satellite.EO-3 INFO <477.50> EO-3: setting timed terminal event at 542.3
2025-10-16 18:32:25,316 sats.satellite.EO-4 INFO <477.50> EO-4: target index 4 tasked
2025-10-16 18:32:25,317 sats.satellite.EO-4 INFO <477.50> EO-4: Target(tgt-5832) tasked for imaging
2025-10-16 18:32:25,317 sats.satellite.EO-4 INFO <477.50> EO-4: Target(tgt-5832) window enabled: 483.3 to 510.1
2025-10-16 18:32:25,318 sats.satellite.EO-4 INFO <477.50> EO-4: setting timed terminal event at 510.1
2025-10-16 18:32:25,326 sats.satellite.EO-2 INFO <487.50> EO-2: timed termination at 487.0 for Target(tgt-6875) window
2025-10-16 18:32:25,329 data.base INFO <487.50> Total reward: {}
2025-10-16 18:32:25,330 sats.satellite.EO-2 INFO <487.50> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:25,340 gym INFO <487.50> Step reward: {}
2025-10-16 18:32:25,341 gym INFO <487.50> === STARTING STEP ===
2025-10-16 18:32:25,341 sats.satellite.EO-0 INFO <487.50> EO-0: target index 23 tasked
2025-10-16 18:32:25,342 sats.satellite.EO-0 INFO <487.50> EO-0: Target(tgt-4650) tasked for imaging
2025-10-16 18:32:25,342 sats.satellite.EO-0 INFO <487.50> EO-0: Target(tgt-4650) window enabled: 519.1 to 640.4
2025-10-16 18:32:25,343 sats.satellite.EO-0 INFO <487.50> EO-0: setting timed terminal event at 640.4
2025-10-16 18:32:25,344 sats.satellite.EO-1 INFO <487.50> EO-1: target index 2 tasked
2025-10-16 18:32:25,344 sats.satellite.EO-1 INFO <487.50> EO-1: Target(tgt-3946) tasked for imaging
2025-10-16 18:32:25,345 sats.satellite.EO-1 INFO <487.50> EO-1: Target(tgt-3946) window enabled: 373.6 to 501.8
2025-10-16 18:32:25,346 sats.satellite.EO-1 INFO <487.50> EO-1: setting timed terminal event at 501.8
2025-10-16 18:32:25,347 sats.satellite.EO-2 INFO <487.50> EO-2: target index 17 tasked
2025-10-16 18:32:25,347 sats.satellite.EO-2 INFO <487.50> EO-2: Target(tgt-7198) tasked for imaging
2025-10-16 18:32:25,348 sats.satellite.EO-2 INFO <487.50> EO-2: Target(tgt-7198) window enabled: 517.7 to 625.5
2025-10-16 18:32:25,348 sats.satellite.EO-2 INFO <487.50> EO-2: setting timed terminal event at 625.5
2025-10-16 18:32:25,349 sats.satellite.EO-3 INFO <487.50> EO-3: target index 5 tasked
2025-10-16 18:32:25,349 sats.satellite.EO-3 INFO <487.50> EO-3: Target(tgt-6074) tasked for imaging
2025-10-16 18:32:25,351 sats.satellite.EO-3 INFO <487.50> EO-3: Target(tgt-6074) window enabled: 472.2 to 569.4
2025-10-16 18:32:25,351 sats.satellite.EO-3 INFO <487.50> EO-3: setting timed terminal event at 569.4
2025-10-16 18:32:25,352 sats.satellite.EO-4 INFO <487.50> EO-4: target index 12 tasked
2025-10-16 18:32:25,353 sats.satellite.EO-4 INFO <487.50> EO-4: Target(tgt-9568) tasked for imaging
2025-10-16 18:32:25,353 sats.satellite.EO-4 INFO <487.50> EO-4: Target(tgt-9568) window enabled: 463.1 to 593.6
2025-10-16 18:32:25,354 sats.satellite.EO-4 INFO <487.50> EO-4: setting timed terminal event at 593.6
2025-10-16 18:32:25,365 sats.satellite.EO-1 INFO <502.00> EO-1: timed termination at 501.8 for Target(tgt-3946) window
2025-10-16 18:32:25,367 data.base INFO <502.00> Total reward: {}
2025-10-16 18:32:25,368 sats.satellite.EO-1 INFO <502.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:25,378 gym INFO <502.00> Step reward: {}
2025-10-16 18:32:25,378 gym INFO <502.00> === STARTING STEP ===
2025-10-16 18:32:25,379 sats.satellite.EO-0 INFO <502.00> EO-0: target index 27 tasked
2025-10-16 18:32:25,380 sats.satellite.EO-0 INFO <502.00> EO-0: Target(tgt-6190) tasked for imaging
2025-10-16 18:32:25,381 sats.satellite.EO-0 INFO <502.00> EO-0: Target(tgt-6190) window enabled: 572.7 to 673.6
2025-10-16 18:32:25,382 sats.satellite.EO-0 INFO <502.00> EO-0: setting timed terminal event at 673.6
2025-10-16 18:32:25,382 sats.satellite.EO-1 INFO <502.00> EO-1: target index 10 tasked
2025-10-16 18:32:25,383 sats.satellite.EO-1 INFO <502.00> EO-1: Target(tgt-4379) tasked for imaging
2025-10-16 18:32:25,383 sats.satellite.EO-1 INFO <502.00> EO-1: Target(tgt-4379) window enabled: 459.8 to 572.6
2025-10-16 18:32:25,384 sats.satellite.EO-1 INFO <502.00> EO-1: setting timed terminal event at 572.6
2025-10-16 18:32:25,385 sats.satellite.EO-2 INFO <502.00> EO-2: target index 1 tasked
2025-10-16 18:32:25,385 sats.satellite.EO-2 INFO <502.00> EO-2: Target(tgt-7098) tasked for imaging
2025-10-16 18:32:25,387 sats.satellite.EO-2 INFO <502.00> EO-2: Target(tgt-7098) window enabled: 378.2 to 509.1
2025-10-16 18:32:25,387 sats.satellite.EO-2 INFO <502.00> EO-2: setting timed terminal event at 509.1
2025-10-16 18:32:25,388 sats.satellite.EO-3 INFO <502.00> EO-3: target index 9 tasked
2025-10-16 18:32:25,388 sats.satellite.EO-3 INFO <502.00> EO-3: Target(tgt-1828) tasked for imaging
2025-10-16 18:32:25,389 sats.satellite.EO-3 INFO <502.00> EO-3: Target(tgt-1828) window enabled: 502.6 to 592.2
2025-10-16 18:32:25,389 sats.satellite.EO-3 INFO <502.00> EO-3: setting timed terminal event at 592.2
2025-10-16 18:32:25,391 sats.satellite.EO-4 INFO <502.00> EO-4: target index 16 tasked
2025-10-16 18:32:25,392 sats.satellite.EO-4 INFO <502.00> EO-4: Target(tgt-4710) tasked for imaging
2025-10-16 18:32:25,392 sats.satellite.EO-4 INFO <502.00> EO-4: Target(tgt-4710) window enabled: 492.5 to 617.4
2025-10-16 18:32:25,393 sats.satellite.EO-4 INFO <502.00> EO-4: setting timed terminal event at 617.4
2025-10-16 18:32:25,400 sats.satellite.EO-2 INFO <509.50> EO-2: timed termination at 509.1 for Target(tgt-7098) window
2025-10-16 18:32:25,403 data.base INFO <509.50> Total reward: {}
2025-10-16 18:32:25,403 sats.satellite.EO-2 INFO <509.50> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:25,413 gym INFO <509.50> Step reward: {}
2025-10-16 18:32:25,414 gym INFO <509.50> === STARTING STEP ===
2025-10-16 18:32:25,415 sats.satellite.EO-0 INFO <509.50> EO-0: target index 17 tasked
2025-10-16 18:32:25,415 sats.satellite.EO-0 INFO <509.50> EO-0: Target(tgt-8357) tasked for imaging
2025-10-16 18:32:25,416 sats.satellite.EO-0 INFO <509.50> EO-0: Target(tgt-8357) window enabled: 522.5 to 628.9
2025-10-16 18:32:25,416 sats.satellite.EO-0 INFO <509.50> EO-0: setting timed terminal event at 628.9
2025-10-16 18:32:25,417 sats.satellite.EO-1 INFO <509.50> EO-1: target index 13 tasked
2025-10-16 18:32:25,418 sats.satellite.EO-1 INFO <509.50> EO-1: Target(tgt-6163) tasked for imaging
2025-10-16 18:32:25,419 sats.satellite.EO-1 INFO <509.50> EO-1: Target(tgt-6163) window enabled: 510.8 to 588.1
2025-10-16 18:32:25,419 sats.satellite.EO-1 INFO <509.50> EO-1: setting timed terminal event at 588.1
2025-10-16 18:32:25,420 sats.satellite.EO-2 INFO <509.50> EO-2: target index 7 tasked
2025-10-16 18:32:25,421 sats.satellite.EO-2 INFO <509.50> EO-2: Target(tgt-6245) tasked for imaging
2025-10-16 18:32:25,422 sats.satellite.EO-2 INFO <509.50> EO-2: Target(tgt-6245) window enabled: 530.8 to 584.4
2025-10-16 18:32:25,422 sats.satellite.EO-2 INFO <509.50> EO-2: setting timed terminal event at 584.4
2025-10-16 18:32:25,423 sats.satellite.EO-3 INFO <509.50> EO-3: target index 2 tasked
2025-10-16 18:32:25,423 sats.satellite.EO-3 INFO <509.50> EO-3: Target(tgt-3497) tasked for imaging
2025-10-16 18:32:25,425 sats.satellite.EO-3 INFO <509.50> EO-3: Target(tgt-3497) window enabled: 428.7 to 555.7
2025-10-16 18:32:25,425 sats.satellite.EO-3 INFO <509.50> EO-3: setting timed terminal event at 555.7
2025-10-16 18:32:25,426 sats.satellite.EO-4 INFO <509.50> EO-4: target index 2 tasked
2025-10-16 18:32:25,427 sats.satellite.EO-4 INFO <509.50> EO-4: Target(tgt-320) tasked for imaging
2025-10-16 18:32:25,427 sats.satellite.EO-4 INFO <509.50> EO-4: Target(tgt-320) window enabled: 413.8 to 518.9
2025-10-16 18:32:25,428 sats.satellite.EO-4 INFO <509.50> EO-4: setting timed terminal event at 518.9
2025-10-16 18:32:25,436 sats.satellite.EO-4 INFO <519.00> EO-4: timed termination at 518.9 for Target(tgt-320) window
2025-10-16 18:32:25,439 data.base INFO <519.00> Total reward: {}
2025-10-16 18:32:25,439 sats.satellite.EO-4 INFO <519.00> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:25,450 gym INFO <519.00> Step reward: {}
2025-10-16 18:32:25,450 gym INFO <519.00> === STARTING STEP ===
2025-10-16 18:32:25,451 sats.satellite.EO-0 INFO <519.00> EO-0: action_charge tasked for 60.0 seconds
2025-10-16 18:32:25,451 sats.satellite.EO-0 INFO <519.00> EO-0: setting timed terminal event at 579.0
2025-10-16 18:32:25,452 sats.satellite.EO-1 INFO <519.00> EO-1: target index 13 tasked
2025-10-16 18:32:25,452 sats.satellite.EO-1 INFO <519.00> EO-1: Target(tgt-5979) tasked for imaging
2025-10-16 18:32:25,453 sats.satellite.EO-1 INFO <519.00> EO-1: Target(tgt-5979) window enabled: 473.6 to 593.2
2025-10-16 18:32:25,454 sats.satellite.EO-1 INFO <519.00> EO-1: setting timed terminal event at 593.2
2025-10-16 18:32:25,455 sats.satellite.EO-2 INFO <519.00> EO-2: target index 23 tasked
2025-10-16 18:32:25,455 sats.satellite.EO-2 INFO <519.00> EO-2: Target(tgt-2138) tasked for imaging
2025-10-16 18:32:25,456 sats.satellite.EO-2 INFO <519.00> EO-2: Target(tgt-2138) window enabled: 546.5 to 676.1
2025-10-16 18:32:25,456 sats.satellite.EO-2 INFO <519.00> EO-2: setting timed terminal event at 676.1
2025-10-16 18:32:25,457 sats.satellite.EO-3 INFO <519.00> EO-3: target index 6 tasked
2025-10-16 18:32:25,458 sats.satellite.EO-3 INFO <519.00> EO-3: Target(tgt-4776) tasked for imaging
2025-10-16 18:32:25,458 sats.satellite.EO-3 INFO <519.00> EO-3: Target(tgt-4776) window enabled: 467.0 to 583.4
2025-10-16 18:32:25,459 sats.satellite.EO-3 INFO <519.00> EO-3: setting timed terminal event at 583.4
2025-10-16 18:32:25,461 sats.satellite.EO-4 INFO <519.00> EO-4: target index 18 tasked
2025-10-16 18:32:25,461 sats.satellite.EO-4 INFO <519.00> EO-4: Target(tgt-2234) tasked for imaging
2025-10-16 18:32:25,462 sats.satellite.EO-4 INFO <519.00> EO-4: Target(tgt-2234) window enabled: 598.5 to 669.2
2025-10-16 18:32:25,463 sats.satellite.EO-4 INFO <519.00> EO-4: setting timed terminal event at 669.2
2025-10-16 18:32:25,487 sats.satellite.EO-1 INFO <551.00> EO-1: imaged Target(tgt-5979)
2025-10-16 18:32:25,490 data.base INFO <551.00> Total reward: {'EO-1': np.float64(0.0005306927867721997)}
2025-10-16 18:32:25,490 sats.satellite.EO-1 INFO <551.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:25,500 gym INFO <551.00> Step reward: {'EO-1': np.float64(0.0005306927867721997)}
2025-10-16 18:32:25,500 gym INFO <551.00> === STARTING STEP ===
2025-10-16 18:32:25,501 sats.satellite.EO-0 INFO <551.00> EO-0: target index 19 tasked
2025-10-16 18:32:25,502 sats.satellite.EO-0 INFO <551.00> EO-0: Target(tgt-3245) tasked for imaging
2025-10-16 18:32:25,502 sats.satellite.EO-0 INFO <551.00> EO-0: Target(tgt-3245) window enabled: 552.8 to 670.2
2025-10-16 18:32:25,503 sats.satellite.EO-0 INFO <551.00> EO-0: setting timed terminal event at 670.2
2025-10-16 18:32:25,504 sats.satellite.EO-1 INFO <551.00> EO-1: target index 20 tasked
2025-10-16 18:32:25,505 sats.satellite.EO-1 INFO <551.00> EO-1: Target(tgt-1902) tasked for imaging
2025-10-16 18:32:25,505 sats.satellite.EO-1 INFO <551.00> EO-1: Target(tgt-1902) window enabled: 547.0 to 678.0
2025-10-16 18:32:25,507 sats.satellite.EO-1 INFO <551.00> EO-1: setting timed terminal event at 678.0
2025-10-16 18:32:25,507 sats.satellite.EO-2 INFO <551.00> EO-2: target index 5 tasked
2025-10-16 18:32:25,508 sats.satellite.EO-2 INFO <551.00> EO-2: Target(tgt-6555) tasked for imaging
2025-10-16 18:32:25,509 sats.satellite.EO-2 INFO <551.00> EO-2: Target(tgt-6555) window enabled: 483.4 to 598.9
2025-10-16 18:32:25,509 sats.satellite.EO-2 INFO <551.00> EO-2: setting timed terminal event at 598.9
2025-10-16 18:32:25,510 sats.satellite.EO-3 INFO <551.00> EO-3: target index 15 tasked
2025-10-16 18:32:25,511 sats.satellite.EO-3 INFO <551.00> EO-3: Target(tgt-3151) tasked for imaging
2025-10-16 18:32:25,511 sats.satellite.EO-3 INFO <551.00> EO-3: Target(tgt-3151) window enabled: 513.6 to 631.1
2025-10-16 18:32:25,512 sats.satellite.EO-3 INFO <551.00> EO-3: setting timed terminal event at 631.1
2025-10-16 18:32:25,513 sats.satellite.EO-4 INFO <551.00> EO-4: target index 17 tasked
2025-10-16 18:32:25,513 sats.satellite.EO-4 INFO <551.00> EO-4: Target(tgt-1438) tasked for imaging
2025-10-16 18:32:25,514 sats.satellite.EO-4 INFO <551.00> EO-4: Target(tgt-1438) window enabled: 589.5 to 704.6
2025-10-16 18:32:25,515 sats.satellite.EO-4 INFO <551.00> EO-4: setting timed terminal event at 704.6
2025-10-16 18:32:25,542 sats.satellite.EO-4 INFO <590.50> EO-4: imaged Target(tgt-1438)
2025-10-16 18:32:25,544 data.base INFO <590.50> Total reward: {'EO-4': np.float64(0.0008029344625859378)}
2025-10-16 18:32:25,545 sats.satellite.EO-4 INFO <590.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:25,557 gym INFO <590.50> Step reward: {'EO-4': np.float64(0.0008029344625859378)}
2025-10-16 18:32:25,557 gym INFO <590.50> === STARTING STEP ===
2025-10-16 18:32:25,558 sats.satellite.EO-0 INFO <590.50> EO-0: target index 14 tasked
2025-10-16 18:32:25,558 sats.satellite.EO-0 INFO <590.50> EO-0: Target(tgt-6190) tasked for imaging
2025-10-16 18:32:25,559 sats.satellite.EO-0 INFO <590.50> EO-0: Target(tgt-6190) window enabled: 572.7 to 673.6
2025-10-16 18:32:25,561 sats.satellite.EO-0 INFO <590.50> EO-0: setting timed terminal event at 673.6
2025-10-16 18:32:25,561 sats.satellite.EO-1 INFO <590.50> EO-1: target index 19 tasked
2025-10-16 18:32:25,562 sats.satellite.EO-1 INFO <590.50> EO-1: Target(tgt-5372) tasked for imaging
2025-10-16 18:32:25,562 sats.satellite.EO-1 INFO <590.50> EO-1: Target(tgt-5372) window enabled: 688.4 to 812.6
2025-10-16 18:32:25,563 sats.satellite.EO-1 INFO <590.50> EO-1: setting timed terminal event at 812.6
2025-10-16 18:32:25,564 sats.satellite.EO-2 INFO <590.50> EO-2: target index 14 tasked
2025-10-16 18:32:25,565 sats.satellite.EO-2 INFO <590.50> EO-2: Target(tgt-2138) tasked for imaging
2025-10-16 18:32:25,566 sats.satellite.EO-2 INFO <590.50> EO-2: Target(tgt-2138) window enabled: 546.5 to 676.1
2025-10-16 18:32:25,566 sats.satellite.EO-2 INFO <590.50> EO-2: setting timed terminal event at 676.1
2025-10-16 18:32:25,567 sats.satellite.EO-3 INFO <590.50> EO-3: target index 12 tasked
2025-10-16 18:32:25,567 sats.satellite.EO-3 INFO <590.50> EO-3: Target(tgt-179) tasked for imaging
2025-10-16 18:32:25,568 sats.satellite.EO-3 INFO <590.50> EO-3: Target(tgt-179) window enabled: 516.2 to 647.3
2025-10-16 18:32:25,569 sats.satellite.EO-3 INFO <590.50> EO-3: setting timed terminal event at 647.3
2025-10-16 18:32:25,569 sats.satellite.EO-4 INFO <590.50> EO-4: target index 10 tasked
2025-10-16 18:32:25,570 sats.satellite.EO-4 INFO <590.50> EO-4: Target(tgt-6237) tasked for imaging
2025-10-16 18:32:25,570 sats.satellite.EO-4 INFO <590.50> EO-4: Target(tgt-6237) window enabled: 536.3 to 661.9
2025-10-16 18:32:25,571 sats.satellite.EO-4 INFO <590.50> EO-4: setting timed terminal event at 661.9
2025-10-16 18:32:25,588 sats.satellite.EO-3 INFO <614.00> EO-3: imaged Target(tgt-179)
2025-10-16 18:32:25,591 data.base INFO <614.00> Total reward: {'EO-3': np.float64(0.0009383574411816774)}
2025-10-16 18:32:25,592 sats.satellite.EO-3 INFO <614.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:25,602 gym INFO <614.00> Step reward: {'EO-3': np.float64(0.0009383574411816774)}
2025-10-16 18:32:25,603 gym INFO <614.00> === STARTING STEP ===
2025-10-16 18:32:25,603 sats.satellite.EO-0 INFO <614.00> EO-0: target index 29 tasked
2025-10-16 18:32:25,604 sats.satellite.EO-0 INFO <614.00> EO-0: Target(tgt-1441) tasked for imaging
2025-10-16 18:32:25,605 sats.satellite.EO-0 INFO <614.00> EO-0: Target(tgt-1441) window enabled: 722.2 to 791.4
2025-10-16 18:32:25,605 sats.satellite.EO-0 INFO <614.00> EO-0: setting timed terminal event at 791.4
2025-10-16 18:32:25,607 sats.satellite.EO-1 INFO <614.00> EO-1: target index 4 tasked
2025-10-16 18:32:25,607 sats.satellite.EO-1 INFO <614.00> EO-1: Target(tgt-8098) tasked for imaging
2025-10-16 18:32:25,608 sats.satellite.EO-1 INFO <614.00> EO-1: Target(tgt-8098) window enabled: 552.8 to 639.6
2025-10-16 18:32:25,608 sats.satellite.EO-1 INFO <614.00> EO-1: setting timed terminal event at 639.6
2025-10-16 18:32:25,609 sats.satellite.EO-2 INFO <614.00> EO-2: target index 10 tasked
2025-10-16 18:32:25,610 sats.satellite.EO-2 INFO <614.00> EO-2: Target(tgt-6628) tasked for imaging
2025-10-16 18:32:25,610 sats.satellite.EO-2 INFO <614.00> EO-2: Target(tgt-6628) window enabled: 571.5 to 673.2
2025-10-16 18:32:25,612 sats.satellite.EO-2 INFO <614.00> EO-2: setting timed terminal event at 673.2
2025-10-16 18:32:25,612 sats.satellite.EO-3 INFO <614.00> EO-3: target index 30 tasked
2025-10-16 18:32:25,613 sats.satellite.EO-3 INFO <614.00> EO-3: Target(tgt-2927) tasked for imaging
2025-10-16 18:32:25,614 sats.satellite.EO-3 INFO <614.00> EO-3: Target(tgt-2927) window enabled: 741.9 to 833.9
2025-10-16 18:32:25,615 sats.satellite.EO-3 INFO <614.00> EO-3: setting timed terminal event at 833.9
2025-10-16 18:32:25,615 sats.satellite.EO-4 INFO <614.00> EO-4: target index 15 tasked
2025-10-16 18:32:25,616 sats.satellite.EO-4 INFO <614.00> EO-4: Target(tgt-4960) tasked for imaging
2025-10-16 18:32:25,617 sats.satellite.EO-4 INFO <614.00> EO-4: Target(tgt-4960) window enabled: 641.5 to 752.5
2025-10-16 18:32:25,617 sats.satellite.EO-4 INFO <614.00> EO-4: setting timed terminal event at 752.5
2025-10-16 18:32:25,636 sats.satellite.EO-1 INFO <640.00> EO-1: timed termination at 639.6 for Target(tgt-8098) window
2025-10-16 18:32:25,639 data.base INFO <640.00> Total reward: {}
2025-10-16 18:32:25,639 sats.satellite.EO-1 INFO <640.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:25,649 gym INFO <640.00> Step reward: {}
2025-10-16 18:32:25,649 gym INFO <640.00> === STARTING STEP ===
2025-10-16 18:32:25,650 sats.satellite.EO-0 INFO <640.00> EO-0: target index 6 tasked
2025-10-16 18:32:25,650 sats.satellite.EO-0 INFO <640.00> EO-0: Target(tgt-6190) tasked for imaging
2025-10-16 18:32:25,652 sats.satellite.EO-0 INFO <640.00> EO-0: Target(tgt-6190) window enabled: 572.7 to 673.6
2025-10-16 18:32:25,652 sats.satellite.EO-0 INFO <640.00> EO-0: setting timed terminal event at 673.6
2025-10-16 18:32:25,653 sats.satellite.EO-1 INFO <640.00> EO-1: target index 20 tasked
2025-10-16 18:32:25,654 sats.satellite.EO-1 INFO <640.00> EO-1: Target(tgt-8316) tasked for imaging
2025-10-16 18:32:25,654 sats.satellite.EO-1 INFO <640.00> EO-1: Target(tgt-8316) window enabled: 806.8 to 924.3
2025-10-16 18:32:25,655 sats.satellite.EO-1 INFO <640.00> EO-1: setting timed terminal event at 924.3
2025-10-16 18:32:25,656 sats.satellite.EO-2 INFO <640.00> EO-2: target index 21 tasked
2025-10-16 18:32:25,656 sats.satellite.EO-2 INFO <640.00> EO-2: Target(tgt-4538) tasked for imaging
2025-10-16 18:32:25,657 sats.satellite.EO-2 INFO <640.00> EO-2: Target(tgt-4538) window enabled: 761.4 to 833.1
2025-10-16 18:32:25,658 sats.satellite.EO-2 INFO <640.00> EO-2: setting timed terminal event at 833.1
2025-10-16 18:32:25,658 sats.satellite.EO-3 INFO <640.00> EO-3: target index 1 tasked
2025-10-16 18:32:25,659 sats.satellite.EO-3 INFO <640.00> EO-3: Target(tgt-179) tasked for imaging
2025-10-16 18:32:25,660 sats.satellite.EO-3 INFO <640.00> EO-3: Target(tgt-179) window enabled: 516.2 to 647.3
2025-10-16 18:32:25,661 sats.satellite.EO-3 INFO <640.00> EO-3: setting timed terminal event at 647.3
2025-10-16 18:32:25,661 sats.satellite.EO-4 INFO <640.00> EO-4: target index 27 tasked
2025-10-16 18:32:25,662 sats.satellite.EO-4 INFO <640.00> EO-4: Target(tgt-3021) tasked for imaging
2025-10-16 18:32:25,662 sats.satellite.EO-4 INFO <640.00> EO-4: Target(tgt-3021) window enabled: 726.4 to 849.9
2025-10-16 18:32:25,663 sats.satellite.EO-4 INFO <640.00> EO-4: setting timed terminal event at 849.9
2025-10-16 18:32:25,670 sats.satellite.EO-3 INFO <647.50> EO-3: timed termination at 647.3 for Target(tgt-179) window
2025-10-16 18:32:25,673 data.base INFO <647.50> Total reward: {}
2025-10-16 18:32:25,673 sats.satellite.EO-3 INFO <647.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:25,683 gym INFO <647.50> Step reward: {}
2025-10-16 18:32:25,683 gym INFO <647.50> === STARTING STEP ===
2025-10-16 18:32:25,684 sats.satellite.EO-0 INFO <647.50> EO-0: target index 12 tasked
2025-10-16 18:32:25,684 sats.satellite.EO-0 INFO <647.50> EO-0: Target(tgt-7299) tasked for imaging
2025-10-16 18:32:25,686 sats.satellite.EO-0 INFO <647.50> EO-0: Target(tgt-7299) window enabled: 583.0 to 713.6
2025-10-16 18:32:25,686 sats.satellite.EO-0 INFO <647.50> EO-0: setting timed terminal event at 713.6
2025-10-16 18:32:25,687 sats.satellite.EO-1 INFO <647.50> EO-1: target index 10 tasked
2025-10-16 18:32:25,688 sats.satellite.EO-1 INFO <647.50> EO-1: Target(tgt-655) tasked for imaging
2025-10-16 18:32:25,688 sats.satellite.EO-1 INFO <647.50> EO-1: Target(tgt-655) window enabled: 749.6 to 812.0
2025-10-16 18:32:25,689 sats.satellite.EO-1 INFO <647.50> EO-1: setting timed terminal event at 812.0
2025-10-16 18:32:25,690 sats.satellite.EO-2 INFO <647.50> EO-2: target index 8 tasked
2025-10-16 18:32:25,690 sats.satellite.EO-2 INFO <647.50> EO-2: Target(tgt-4769) tasked for imaging
2025-10-16 18:32:25,690 sats.satellite.EO-2 INFO <647.50> EO-2: Target(tgt-4769) window enabled: 591.8 to 711.7
2025-10-16 18:32:25,692 sats.satellite.EO-2 INFO <647.50> EO-2: setting timed terminal event at 711.7
2025-10-16 18:32:25,693 sats.satellite.EO-3 INFO <647.50> EO-3: target index 18 tasked
2025-10-16 18:32:25,693 sats.satellite.EO-3 INFO <647.50> EO-3: Target(tgt-9354) tasked for imaging
2025-10-16 18:32:25,694 sats.satellite.EO-3 INFO <647.50> EO-3: Target(tgt-9354) window enabled: 668.9 to 793.5
2025-10-16 18:32:25,694 sats.satellite.EO-3 INFO <647.50> EO-3: setting timed terminal event at 793.5
2025-10-16 18:32:25,695 sats.satellite.EO-4 INFO <647.50> EO-4: target index 12 tasked
2025-10-16 18:32:25,696 sats.satellite.EO-4 INFO <647.50> EO-4: Target(tgt-5270) tasked for imaging
2025-10-16 18:32:25,697 sats.satellite.EO-4 INFO <647.50> EO-4: Target(tgt-5270) window enabled: 653.1 to 758.2
2025-10-16 18:32:25,698 sats.satellite.EO-4 INFO <647.50> EO-4: setting timed terminal event at 758.2
2025-10-16 18:32:25,716 sats.satellite.EO-3 INFO <670.00> EO-3: imaged Target(tgt-9354)
2025-10-16 18:32:25,719 data.base INFO <670.00> Total reward: {'EO-3': np.float64(0.027279433225173275)}
2025-10-16 18:32:25,720 sats.satellite.EO-3 INFO <670.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:25,729 gym INFO <670.00> Step reward: {'EO-3': np.float64(0.027279433225173275)}
2025-10-16 18:32:25,730 gym INFO <670.00> === STARTING STEP ===
2025-10-16 18:32:25,731 sats.satellite.EO-0 INFO <670.00> EO-0: target index 18 tasked
2025-10-16 18:32:25,731 sats.satellite.EO-0 INFO <670.00> EO-0: Target(tgt-1441) tasked for imaging
2025-10-16 18:32:25,732 sats.satellite.EO-0 INFO <670.00> EO-0: Target(tgt-1441) window enabled: 722.2 to 791.4
2025-10-16 18:32:25,733 sats.satellite.EO-0 INFO <670.00> EO-0: setting timed terminal event at 791.4
2025-10-16 18:32:25,734 sats.satellite.EO-1 INFO <670.00> EO-1: target index 23 tasked
2025-10-16 18:32:25,734 sats.satellite.EO-1 INFO <670.00> EO-1: Target(tgt-8514) tasked for imaging
2025-10-16 18:32:25,735 sats.satellite.EO-1 INFO <670.00> EO-1: Target(tgt-8514) window enabled: 882.1 to 993.8
2025-10-16 18:32:25,735 sats.satellite.EO-1 INFO <670.00> EO-1: setting timed terminal event at 993.8
2025-10-16 18:32:25,736 sats.satellite.EO-2 INFO <670.00> EO-2: target index 5 tasked
2025-10-16 18:32:25,737 sats.satellite.EO-2 INFO <670.00> EO-2: Target(tgt-7935) tasked for imaging
2025-10-16 18:32:25,737 sats.satellite.EO-2 INFO <670.00> EO-2: Target(tgt-7935) window enabled: 606.6 to 723.9
2025-10-16 18:32:25,739 sats.satellite.EO-2 INFO <670.00> EO-2: setting timed terminal event at 723.9
2025-10-16 18:32:25,740 sats.satellite.EO-3 INFO <670.00> EO-3: target index 21 tasked
2025-10-16 18:32:25,740 sats.satellite.EO-3 INFO <670.00> EO-3: Target(tgt-7762) tasked for imaging
2025-10-16 18:32:25,741 sats.satellite.EO-3 INFO <670.00> EO-3: Target(tgt-7762) window enabled: 746.1 to 873.7
2025-10-16 18:32:25,741 sats.satellite.EO-3 INFO <670.00> EO-3: setting timed terminal event at 873.7
2025-10-16 18:32:25,743 sats.satellite.EO-4 INFO <670.00> EO-4: target index 7 tasked
2025-10-16 18:32:25,743 sats.satellite.EO-4 INFO <670.00> EO-4: Target(tgt-8805) tasked for imaging
2025-10-16 18:32:25,744 sats.satellite.EO-4 INFO <670.00> EO-4: Target(tgt-8805) window enabled: 625.2 to 738.1
2025-10-16 18:32:25,744 sats.satellite.EO-4 INFO <670.00> EO-4: setting timed terminal event at 738.1
2025-10-16 18:32:25,776 sats.satellite.EO-2 INFO <713.00> EO-2: imaged Target(tgt-7935)
2025-10-16 18:32:25,779 data.base INFO <713.00> Total reward: {'EO-2': np.float64(0.11393395947296199)}
2025-10-16 18:32:25,779 sats.satellite.EO-2 INFO <713.00> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:25,789 gym INFO <713.00> Step reward: {'EO-2': np.float64(0.11393395947296199)}
2025-10-16 18:32:25,790 gym INFO <713.00> === STARTING STEP ===
2025-10-16 18:32:25,790 sats.satellite.EO-0 INFO <713.00> EO-0: target index 29 tasked
2025-10-16 18:32:25,791 sats.satellite.EO-0 INFO <713.00> EO-0: Target(tgt-3674) tasked for imaging
2025-10-16 18:32:25,791 sats.satellite.EO-0 INFO <713.00> EO-0: Target(tgt-3674) window enabled: 854.1 to 968.9
2025-10-16 18:32:25,792 sats.satellite.EO-0 INFO <713.00> EO-0: setting timed terminal event at 968.9
2025-10-16 18:32:25,793 sats.satellite.EO-1 INFO <713.00> EO-1: target index 27 tasked
2025-10-16 18:32:25,793 sats.satellite.EO-1 INFO <713.00> EO-1: Target(tgt-3765) tasked for imaging
2025-10-16 18:32:25,795 sats.satellite.EO-1 INFO <713.00> EO-1: Target(tgt-3765) window enabled: 954.4 to 1067.5
2025-10-16 18:32:25,795 sats.satellite.EO-1 INFO <713.00> EO-1: setting timed terminal event at 1067.5
2025-10-16 18:32:25,796 sats.satellite.EO-2 INFO <713.00> EO-2: target index 13 tasked
2025-10-16 18:32:25,797 sats.satellite.EO-2 INFO <713.00> EO-2: Target(tgt-4836) tasked for imaging
2025-10-16 18:32:25,797 sats.satellite.EO-2 INFO <713.00> EO-2: Target(tgt-4836) window enabled: 758.1 to 872.5
2025-10-16 18:32:25,798 sats.satellite.EO-2 INFO <713.00> EO-2: setting timed terminal event at 872.5
2025-10-16 18:32:25,799 sats.satellite.EO-3 INFO <713.00> EO-3: target index 7 tasked
2025-10-16 18:32:25,799 sats.satellite.EO-3 INFO <713.00> EO-3: Target(tgt-4930) tasked for imaging
2025-10-16 18:32:25,800 sats.satellite.EO-3 INFO <713.00> EO-3: Target(tgt-4930) window enabled: 683.4 to 789.5
2025-10-16 18:32:25,800 sats.satellite.EO-3 INFO <713.00> EO-3: setting timed terminal event at 789.5
2025-10-16 18:32:25,802 sats.satellite.EO-4 INFO <713.00> EO-4: target index 29 tasked
2025-10-16 18:32:25,803 sats.satellite.EO-4 INFO <713.00> EO-4: Target(tgt-1639) tasked for imaging
2025-10-16 18:32:25,803 sats.satellite.EO-4 INFO <713.00> EO-4: Target(tgt-1639) window enabled: 814.2 to 909.4
2025-10-16 18:32:25,804 sats.satellite.EO-4 INFO <713.00> EO-4: setting timed terminal event at 909.4
2025-10-16 18:32:25,830 sats.satellite.EO-3 INFO <751.00> EO-3: imaged Target(tgt-4930)
2025-10-16 18:32:25,833 data.base INFO <751.00> Total reward: {'EO-3': np.float64(0.003012098550896975)}
2025-10-16 18:32:25,833 sats.satellite.EO-3 INFO <751.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:25,845 gym INFO <751.00> Step reward: {'EO-3': np.float64(0.003012098550896975)}
2025-10-16 18:32:25,846 gym INFO <751.00> === STARTING STEP ===
2025-10-16 18:32:25,846 sats.satellite.EO-0 INFO <751.00> EO-0: target index 29 tasked
2025-10-16 18:32:25,847 sats.satellite.EO-0 INFO <751.00> EO-0: Target(tgt-3941) tasked for imaging
2025-10-16 18:32:25,848 sats.satellite.EO-0 INFO <751.00> EO-0: Target(tgt-3941) window enabled: 888.4 to 1009.1
2025-10-16 18:32:25,849 sats.satellite.EO-0 INFO <751.00> EO-0: setting timed terminal event at 1009.1
2025-10-16 18:32:25,849 sats.satellite.EO-1 INFO <751.00> EO-1: target index 11 tasked
2025-10-16 18:32:25,850 sats.satellite.EO-1 INFO <751.00> EO-1: Target(tgt-1220) tasked for imaging
2025-10-16 18:32:25,851 sats.satellite.EO-1 INFO <751.00> EO-1: Target(tgt-1220) window enabled: 784.4 to 898.4
2025-10-16 18:32:25,851 sats.satellite.EO-1 INFO <751.00> EO-1: setting timed terminal event at 898.4
2025-10-16 18:32:25,852 sats.satellite.EO-2 INFO <751.00> EO-2: target index 23 tasked
2025-10-16 18:32:25,853 sats.satellite.EO-2 INFO <751.00> EO-2: Target(tgt-5811) tasked for imaging
2025-10-16 18:32:25,854 sats.satellite.EO-2 INFO <751.00> EO-2: Target(tgt-5811) window enabled: 836.0 to 951.1
2025-10-16 18:32:25,854 sats.satellite.EO-2 INFO <751.00> EO-2: setting timed terminal event at 951.1
2025-10-16 18:32:25,855 sats.satellite.EO-3 INFO <751.00> EO-3: target index 27 tasked
2025-10-16 18:32:25,855 sats.satellite.EO-3 INFO <751.00> EO-3: Target(tgt-7477) tasked for imaging
2025-10-16 18:32:25,856 sats.satellite.EO-3 INFO <751.00> EO-3: Target(tgt-7477) window enabled: 930.1 to 1043.9
2025-10-16 18:32:25,856 sats.satellite.EO-3 INFO <751.00> EO-3: setting timed terminal event at 1043.9
2025-10-16 18:32:25,857 sats.satellite.EO-4 INFO <751.00> EO-4: target index 21 tasked
2025-10-16 18:32:25,858 sats.satellite.EO-4 INFO <751.00> EO-4: Target(tgt-2209) tasked for imaging
2025-10-16 18:32:25,859 sats.satellite.EO-4 INFO <751.00> EO-4: Target(tgt-2209) window enabled: 766.0 to 890.8
2025-10-16 18:32:25,860 sats.satellite.EO-4 INFO <751.00> EO-4: setting timed terminal event at 890.8
2025-10-16 18:32:25,877 sats.satellite.EO-4 INFO <773.00> EO-4: imaged Target(tgt-2209)
2025-10-16 18:32:25,880 data.base INFO <773.00> Total reward: {'EO-4': np.float64(0.0004816648673535809)}
2025-10-16 18:32:25,880 sats.satellite.EO-4 INFO <773.00> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:25,890 gym INFO <773.00> Step reward: {'EO-4': np.float64(0.0004816648673535809)}
2025-10-16 18:32:25,891 gym INFO <773.00> === STARTING STEP ===
2025-10-16 18:32:25,892 sats.satellite.EO-0 INFO <773.00> EO-0: target index 11 tasked
2025-10-16 18:32:25,892 sats.satellite.EO-0 INFO <773.00> EO-0: Target(tgt-16) tasked for imaging
2025-10-16 18:32:25,893 sats.satellite.EO-0 INFO <773.00> EO-0: Target(tgt-16) window enabled: 791.0 to 875.9
2025-10-16 18:32:25,894 sats.satellite.EO-0 INFO <773.00> EO-0: setting timed terminal event at 875.9
2025-10-16 18:32:25,895 sats.satellite.EO-1 INFO <773.00> EO-1: target index 16 tasked
2025-10-16 18:32:25,895 sats.satellite.EO-1 INFO <773.00> EO-1: Target(tgt-4329) tasked for imaging
2025-10-16 18:32:25,897 sats.satellite.EO-1 INFO <773.00> EO-1: Target(tgt-4329) window enabled: 874.2 to 967.3
2025-10-16 18:32:25,897 sats.satellite.EO-1 INFO <773.00> EO-1: setting timed terminal event at 967.3
2025-10-16 18:32:25,898 sats.satellite.EO-2 INFO <773.00> EO-2: target index 0 tasked
2025-10-16 18:32:25,899 sats.satellite.EO-2 INFO <773.00> EO-2: Target(tgt-7413) tasked for imaging
2025-10-16 18:32:25,899 sats.satellite.EO-2 INFO <773.00> EO-2: Target(tgt-7413) window enabled: 656.5 to 783.2
2025-10-16 18:32:25,900 sats.satellite.EO-2 INFO <773.00> EO-2: setting timed terminal event at 783.2
2025-10-16 18:32:25,901 sats.satellite.EO-3 INFO <773.00> EO-3: target index 7 tasked
2025-10-16 18:32:25,902 sats.satellite.EO-3 INFO <773.00> EO-3: Target(tgt-2927) tasked for imaging
2025-10-16 18:32:25,902 sats.satellite.EO-3 INFO <773.00> EO-3: Target(tgt-2927) window enabled: 741.9 to 833.9
2025-10-16 18:32:25,903 sats.satellite.EO-3 INFO <773.00> EO-3: setting timed terminal event at 833.9
2025-10-16 18:32:25,903 sats.satellite.EO-4 INFO <773.00> EO-4: target index 16 tasked
2025-10-16 18:32:25,904 sats.satellite.EO-4 INFO <773.00> EO-4: Target(tgt-6427) tasked for imaging
2025-10-16 18:32:25,905 sats.satellite.EO-4 INFO <773.00> EO-4: Target(tgt-6427) window enabled: 780.6 to 898.5
2025-10-16 18:32:25,906 sats.satellite.EO-4 INFO <773.00> EO-4: setting timed terminal event at 898.5
2025-10-16 18:32:25,914 sats.satellite.EO-2 INFO <783.50> EO-2: timed termination at 783.2 for Target(tgt-7413) window
2025-10-16 18:32:25,917 data.base INFO <783.50> Total reward: {}
2025-10-16 18:32:25,918 sats.satellite.EO-2 INFO <783.50> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:25,927 gym INFO <783.50> Step reward: {}
2025-10-16 18:32:25,928 gym INFO <783.50> === STARTING STEP ===
2025-10-16 18:32:25,928 sats.satellite.EO-0 INFO <783.50> EO-0: target index 14 tasked
2025-10-16 18:32:25,929 sats.satellite.EO-0 INFO <783.50> EO-0: Target(tgt-781) tasked for imaging
2025-10-16 18:32:25,930 sats.satellite.EO-0 INFO <783.50> EO-0: Target(tgt-781) window enabled: 804.5 to 924.4
2025-10-16 18:32:25,930 sats.satellite.EO-0 INFO <783.50> EO-0: setting timed terminal event at 924.4
2025-10-16 18:32:25,931 sats.satellite.EO-1 INFO <783.50> EO-1: target index 10 tasked
2025-10-16 18:32:25,931 sats.satellite.EO-1 INFO <783.50> EO-1: Target(tgt-1585) tasked for imaging
2025-10-16 18:32:25,932 sats.satellite.EO-1 INFO <783.50> EO-1: Target(tgt-1585) window enabled: 813.6 to 909.2
2025-10-16 18:32:25,933 sats.satellite.EO-1 INFO <783.50> EO-1: setting timed terminal event at 909.2
2025-10-16 18:32:25,933 sats.satellite.EO-2 INFO <783.50> EO-2: target index 4 tasked
2025-10-16 18:32:25,934 sats.satellite.EO-2 INFO <783.50> EO-2: Target(tgt-4299) tasked for imaging
2025-10-16 18:32:25,936 sats.satellite.EO-2 INFO <783.50> EO-2: Target(tgt-4299) window enabled: 721.0 to 826.9
2025-10-16 18:32:25,936 sats.satellite.EO-2 INFO <783.50> EO-2: setting timed terminal event at 826.9
2025-10-16 18:32:25,937 sats.satellite.EO-3 INFO <783.50> EO-3: target index 17 tasked
2025-10-16 18:32:25,938 sats.satellite.EO-3 INFO <783.50> EO-3: Target(tgt-500) tasked for imaging
2025-10-16 18:32:25,939 sats.satellite.EO-3 INFO <783.50> EO-3: Target(tgt-500) window enabled: 888.8 to 983.3
2025-10-16 18:32:25,939 sats.satellite.EO-3 INFO <783.50> EO-3: setting timed terminal event at 983.3
2025-10-16 18:32:25,940 sats.satellite.EO-4 INFO <783.50> EO-4: target index 11 tasked
2025-10-16 18:32:25,940 sats.satellite.EO-4 INFO <783.50> EO-4: Target(tgt-497) tasked for imaging
2025-10-16 18:32:25,941 sats.satellite.EO-4 INFO <783.50> EO-4: Target(tgt-497) window enabled: 776.1 to 880.5
2025-10-16 18:32:25,942 sats.satellite.EO-4 INFO <783.50> EO-4: setting timed terminal event at 880.5
2025-10-16 18:32:25,953 sats.satellite.EO-4 INFO <798.50> EO-4: imaged Target(tgt-497)
2025-10-16 18:32:25,956 data.base INFO <798.50> Total reward: {'EO-4': np.float64(0.11764802765713539)}
2025-10-16 18:32:25,956 sats.satellite.EO-4 INFO <798.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:25,966 gym INFO <798.50> Step reward: {'EO-4': np.float64(0.11764802765713539)}
2025-10-16 18:32:25,967 gym INFO <798.50> === STARTING STEP ===
2025-10-16 18:32:25,967 sats.satellite.EO-0 INFO <798.50> EO-0: target index 12 tasked
2025-10-16 18:32:25,968 sats.satellite.EO-0 INFO <798.50> EO-0: Target(tgt-7223) tasked for imaging
2025-10-16 18:32:25,968 sats.satellite.EO-0 INFO <798.50> EO-0: Target(tgt-7223) window enabled: 887.7 to 934.7
2025-10-16 18:32:25,969 sats.satellite.EO-0 INFO <798.50> EO-0: setting timed terminal event at 934.7
2025-10-16 18:32:25,970 sats.satellite.EO-1 INFO <798.50> EO-1: target index 2 tasked
2025-10-16 18:32:25,970 sats.satellite.EO-1 INFO <798.50> EO-1: Target(tgt-4758) tasked for imaging
2025-10-16 18:32:25,971 sats.satellite.EO-1 INFO <798.50> EO-1: Target(tgt-4758) window enabled: 706.0 to 812.8
2025-10-16 18:32:25,971 sats.satellite.EO-1 INFO <798.50> EO-1: setting timed terminal event at 812.8
2025-10-16 18:32:25,972 sats.satellite.EO-2 INFO <798.50> EO-2: target index 8 tasked
2025-10-16 18:32:25,972 sats.satellite.EO-2 INFO <798.50> EO-2: Target(tgt-1835) tasked for imaging
2025-10-16 18:32:25,973 sats.satellite.EO-2 INFO <798.50> EO-2: Target(tgt-1835) window enabled: 783.1 to 878.3
2025-10-16 18:32:25,973 sats.satellite.EO-2 INFO <798.50> EO-2: setting timed terminal event at 878.3
2025-10-16 18:32:25,974 sats.satellite.EO-3 INFO <798.50> EO-3: target index 14 tasked
2025-10-16 18:32:25,975 sats.satellite.EO-3 INFO <798.50> EO-3: Target(tgt-1505) tasked for imaging
2025-10-16 18:32:25,975 sats.satellite.EO-3 INFO <798.50> EO-3: Target(tgt-1505) window enabled: 898.1 to 1015.3
2025-10-16 18:32:25,976 sats.satellite.EO-3 INFO <798.50> EO-3: setting timed terminal event at 1015.3
2025-10-16 18:32:25,977 sats.satellite.EO-4 INFO <798.50> EO-4: target index 14 tasked
2025-10-16 18:32:25,977 sats.satellite.EO-4 INFO <798.50> EO-4: Target(tgt-1639) tasked for imaging
2025-10-16 18:32:25,981 sats.satellite.EO-4 INFO <798.50> EO-4: Target(tgt-1639) window enabled: 814.2 to 909.4
2025-10-16 18:32:25,981 sats.satellite.EO-4 INFO <798.50> EO-4: setting timed terminal event at 909.4
2025-10-16 18:32:25,992 sats.satellite.EO-1 INFO <813.00> EO-1: timed termination at 812.8 for Target(tgt-4758) window
2025-10-16 18:32:25,995 data.base INFO <813.00> Total reward: {}
2025-10-16 18:32:25,995 sats.satellite.EO-1 INFO <813.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:26,006 gym INFO <813.00> Step reward: {}
2025-10-16 18:32:26,007 gym INFO <813.00> === STARTING STEP ===
2025-10-16 18:32:26,007 sats.satellite.EO-0 INFO <813.00> EO-0: target index 8 tasked
2025-10-16 18:32:26,008 sats.satellite.EO-0 INFO <813.00> EO-0: Target(tgt-2570) tasked for imaging
2025-10-16 18:32:26,008 sats.satellite.EO-0 INFO <813.00> EO-0: Target(tgt-2570) window enabled: 843.8 to 921.4
2025-10-16 18:32:26,009 sats.satellite.EO-0 INFO <813.00> EO-0: setting timed terminal event at 921.4
2025-10-16 18:32:26,010 sats.satellite.EO-1 INFO <813.00> EO-1: target index 27 tasked
2025-10-16 18:32:26,010 sats.satellite.EO-1 INFO <813.00> EO-1: Target(tgt-241) tasked for imaging
2025-10-16 18:32:26,011 sats.satellite.EO-1 INFO <813.00> EO-1: Target(tgt-241) window enabled: 1016.4 to 1130.4
2025-10-16 18:32:26,011 sats.satellite.EO-1 INFO <813.00> EO-1: setting timed terminal event at 1130.4
2025-10-16 18:32:26,012 sats.satellite.EO-2 INFO <813.00> EO-2: target index 15 tasked
2025-10-16 18:32:26,012 sats.satellite.EO-2 INFO <813.00> EO-2: Target(tgt-23) tasked for imaging
2025-10-16 18:32:26,013 sats.satellite.EO-2 INFO <813.00> EO-2: Target(tgt-23) window enabled: 846.6 to 930.1
2025-10-16 18:32:26,013 sats.satellite.EO-2 INFO <813.00> EO-2: setting timed terminal event at 930.1
2025-10-16 18:32:26,014 sats.satellite.EO-3 INFO <813.00> EO-3: target index 20 tasked
2025-10-16 18:32:26,015 sats.satellite.EO-3 INFO <813.00> EO-3: Target(tgt-7306) tasked for imaging
2025-10-16 18:32:26,015 sats.satellite.EO-3 INFO <813.00> EO-3: Target(tgt-7306) window enabled: 1021.3 to 1079.3
2025-10-16 18:32:26,016 sats.satellite.EO-3 INFO <813.00> EO-3: setting timed terminal event at 1079.3
2025-10-16 18:32:26,017 sats.satellite.EO-4 INFO <813.00> EO-4: target index 25 tasked
2025-10-16 18:32:26,017 sats.satellite.EO-4 INFO <813.00> EO-4: Target(tgt-6826) tasked for imaging
2025-10-16 18:32:26,018 sats.satellite.EO-4 INFO <813.00> EO-4: Target(tgt-6826) window enabled: 903.3 to 1009.2
2025-10-16 18:32:26,018 sats.satellite.EO-4 INFO <813.00> EO-4: setting timed terminal event at 1009.2
2025-10-16 18:32:26,041 sats.satellite.EO-0 INFO <845.00> EO-0: imaged Target(tgt-2570)
2025-10-16 18:32:26,044 data.base INFO <845.00> Total reward: {'EO-0': np.float64(0.0007958799459858321)}
2025-10-16 18:32:26,045 sats.satellite.EO-0 INFO <845.00> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:26,055 gym INFO <845.00> Step reward: {'EO-0': np.float64(0.0007958799459858321)}
2025-10-16 18:32:26,056 gym INFO <845.00> === STARTING STEP ===
2025-10-16 18:32:26,057 sats.satellite.EO-0 INFO <845.00> EO-0: target index 1 tasked
2025-10-16 18:32:26,057 sats.satellite.EO-0 INFO <845.00> EO-0: Target(tgt-9024) tasked for imaging
2025-10-16 18:32:26,058 sats.satellite.EO-0 INFO <845.00> EO-0: Target(tgt-9024) window enabled: 789.0 to 865.8
2025-10-16 18:32:26,059 sats.satellite.EO-0 INFO <845.00> EO-0: setting timed terminal event at 865.8
2025-10-16 18:32:26,059 sats.satellite.EO-1 INFO <845.00> EO-1: target index 25 tasked
2025-10-16 18:32:26,060 sats.satellite.EO-1 INFO <845.00> EO-1: Target(tgt-5991) tasked for imaging
2025-10-16 18:32:26,061 sats.satellite.EO-1 INFO <845.00> EO-1: Target(tgt-5991) window enabled: 991.9 to 1120.5
2025-10-16 18:32:26,061 sats.satellite.EO-1 INFO <845.00> EO-1: setting timed terminal event at 1120.5
2025-10-16 18:32:26,062 sats.satellite.EO-2 INFO <845.00> EO-2: target index 16 tasked
2025-10-16 18:32:26,063 sats.satellite.EO-2 INFO <845.00> EO-2: Target(tgt-3434) tasked for imaging
2025-10-16 18:32:26,064 sats.satellite.EO-2 INFO <845.00> EO-2: Target(tgt-3434) window enabled: 899.8 to 952.8
2025-10-16 18:32:26,064 sats.satellite.EO-2 INFO <845.00> EO-2: setting timed terminal event at 952.8
2025-10-16 18:32:26,065 sats.satellite.EO-3 INFO <845.00> EO-3: target index 9 tasked
2025-10-16 18:32:26,065 sats.satellite.EO-3 INFO <845.00> EO-3: Target(tgt-7269) tasked for imaging
2025-10-16 18:32:26,067 sats.satellite.EO-3 INFO <845.00> EO-3: Target(tgt-7269) window enabled: 879.4 to 975.3
2025-10-16 18:32:26,067 sats.satellite.EO-3 INFO <845.00> EO-3: setting timed terminal event at 975.3
2025-10-16 18:32:26,068 sats.satellite.EO-4 INFO <845.00> EO-4: target index 18 tasked
2025-10-16 18:32:26,069 sats.satellite.EO-4 INFO <845.00> EO-4: Target(tgt-3906) tasked for imaging
2025-10-16 18:32:26,069 sats.satellite.EO-4 INFO <845.00> EO-4: Target(tgt-3906) window enabled: 850.3 to 977.7
2025-10-16 18:32:26,070 sats.satellite.EO-4 INFO <845.00> EO-4: setting timed terminal event at 977.7
2025-10-16 18:32:26,085 sats.satellite.EO-0 INFO <866.00> EO-0: timed termination at 865.8 for Target(tgt-9024) window
2025-10-16 18:32:26,088 data.base INFO <866.00> Total reward: {}
2025-10-16 18:32:26,089 sats.satellite.EO-0 INFO <866.00> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:26,099 gym INFO <866.00> Step reward: {}
2025-10-16 18:32:26,100 gym INFO <866.00> === STARTING STEP ===
2025-10-16 18:32:26,100 sats.satellite.EO-0 INFO <866.00> EO-0: target index 23 tasked
2025-10-16 18:32:26,101 sats.satellite.EO-0 INFO <866.00> EO-0: Target(tgt-3822) tasked for imaging
2025-10-16 18:32:26,101 sats.satellite.EO-0 INFO <866.00> EO-0: Target(tgt-3822) window enabled: 909.8 to 1039.5
2025-10-16 18:32:26,102 sats.satellite.EO-0 INFO <866.00> EO-0: setting timed terminal event at 1039.5
2025-10-16 18:32:26,103 sats.satellite.EO-1 INFO <866.00> EO-1: target index 20 tasked
2025-10-16 18:32:26,104 sats.satellite.EO-1 INFO <866.00> EO-1: Target(tgt-3467) tasked for imaging
2025-10-16 18:32:26,105 sats.satellite.EO-1 INFO <866.00> EO-1: Target(tgt-3467) window enabled: 1066.8 to 1080.6
2025-10-16 18:32:26,105 sats.satellite.EO-1 INFO <866.00> EO-1: setting timed terminal event at 1080.6
2025-10-16 18:32:26,106 sats.satellite.EO-2 INFO <866.00> EO-2: target index 14 tasked
2025-10-16 18:32:26,106 sats.satellite.EO-2 INFO <866.00> EO-2: Target(tgt-5811) tasked for imaging
2025-10-16 18:32:26,107 sats.satellite.EO-2 INFO <866.00> EO-2: Target(tgt-5811) window enabled: 836.0 to 951.1
2025-10-16 18:32:26,108 sats.satellite.EO-2 INFO <866.00> EO-2: setting timed terminal event at 951.1
2025-10-16 18:32:26,109 sats.satellite.EO-3 INFO <866.00> EO-3: target index 28 tasked
2025-10-16 18:32:26,109 sats.satellite.EO-3 INFO <866.00> EO-3: Target(tgt-1138) tasked for imaging
2025-10-16 18:32:26,110 sats.satellite.EO-3 INFO <866.00> EO-3: Target(tgt-1138) window enabled: 1052.2 to 1181.9
2025-10-16 18:32:26,110 sats.satellite.EO-3 INFO <866.00> EO-3: setting timed terminal event at 1181.9
2025-10-16 18:32:26,111 sats.satellite.EO-4 INFO <866.00> EO-4: target index 16 tasked
2025-10-16 18:32:26,111 sats.satellite.EO-4 INFO <866.00> EO-4: Target(tgt-5672) tasked for imaging
2025-10-16 18:32:26,113 sats.satellite.EO-4 INFO <866.00> EO-4: Target(tgt-5672) window enabled: 887.4 to 1004.1
2025-10-16 18:32:26,113 sats.satellite.EO-4 INFO <866.00> EO-4: setting timed terminal event at 1004.1
2025-10-16 18:32:26,144 sats.satellite.EO-2 INFO <907.50> EO-2: imaged Target(tgt-5811)
2025-10-16 18:32:26,145 sats.satellite.EO-4 INFO <907.50> EO-4: imaged Target(tgt-5672)
2025-10-16 18:32:26,148 data.base INFO <907.50> Total reward: {'EO-2': np.float64(0.0038792448834872907), 'EO-4': np.float64(0.0773376637044515)}
2025-10-16 18:32:26,149 sats.satellite.EO-2 INFO <907.50> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:26,149 sats.satellite.EO-4 INFO <907.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:26,159 gym INFO <907.50> Step reward: {'EO-2': np.float64(0.0038792448834872907), 'EO-4': np.float64(0.0773376637044515)}
2025-10-16 18:32:26,160 gym INFO <907.50> === STARTING STEP ===
2025-10-16 18:32:26,160 sats.satellite.EO-0 INFO <907.50> EO-0: target index 11 tasked
2025-10-16 18:32:26,161 sats.satellite.EO-0 INFO <907.50> EO-0: Target(tgt-4014) tasked for imaging
2025-10-16 18:32:26,162 sats.satellite.EO-0 INFO <907.50> EO-0: Target(tgt-4014) window enabled: 951.8 to 977.6
2025-10-16 18:32:26,162 sats.satellite.EO-0 INFO <907.50> EO-0: setting timed terminal event at 977.6
2025-10-16 18:32:26,163 sats.satellite.EO-1 INFO <907.50> EO-1: target index 26 tasked
2025-10-16 18:32:26,163 sats.satellite.EO-1 INFO <907.50> EO-1: Target(tgt-5188) tasked for imaging
2025-10-16 18:32:26,164 sats.satellite.EO-1 INFO <907.50> EO-1: Target(tgt-5188) window enabled: 1095.1 to 1223.6
2025-10-16 18:32:26,164 sats.satellite.EO-1 INFO <907.50> EO-1: setting timed terminal event at 1223.6
2025-10-16 18:32:26,165 sats.satellite.EO-2 INFO <907.50> EO-2: target index 0 tasked
2025-10-16 18:32:26,166 sats.satellite.EO-2 INFO <907.50> EO-2: Target(tgt-4354) tasked for imaging
2025-10-16 18:32:26,166 sats.satellite.EO-2 INFO <907.50> EO-2: Target(tgt-4354) window enabled: 789.4 to 919.9
2025-10-16 18:32:26,166 sats.satellite.EO-2 INFO <907.50> EO-2: setting timed terminal event at 919.9
2025-10-16 18:32:26,167 sats.satellite.EO-3 INFO <907.50> EO-3: target index 7 tasked
2025-10-16 18:32:26,168 sats.satellite.EO-3 INFO <907.50> EO-3: Target(tgt-1505) tasked for imaging
2025-10-16 18:32:26,169 sats.satellite.EO-3 INFO <907.50> EO-3: Target(tgt-1505) window enabled: 898.1 to 1015.3
2025-10-16 18:32:26,169 sats.satellite.EO-3 INFO <907.50> EO-3: setting timed terminal event at 1015.3
2025-10-16 18:32:26,170 sats.satellite.EO-4 INFO <907.50> EO-4: target index 23 tasked
2025-10-16 18:32:26,170 sats.satellite.EO-4 INFO <907.50> EO-4: Target(tgt-2834) tasked for imaging
2025-10-16 18:32:26,171 sats.satellite.EO-4 INFO <907.50> EO-4: Target(tgt-2834) window enabled: 960.0 to 1078.4
2025-10-16 18:32:26,171 sats.satellite.EO-4 INFO <907.50> EO-4: setting timed terminal event at 1078.4
2025-10-16 18:32:26,183 sats.satellite.EO-2 INFO <920.00> EO-2: timed termination at 919.9 for Target(tgt-4354) window
2025-10-16 18:32:26,186 data.base INFO <920.00> Total reward: {}
2025-10-16 18:32:26,186 sats.satellite.EO-2 INFO <920.00> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:26,196 gym INFO <920.00> Step reward: {}
2025-10-16 18:32:26,197 gym INFO <920.00> === STARTING STEP ===
2025-10-16 18:32:26,198 sats.satellite.EO-0 INFO <920.00> EO-0: target index 24 tasked
2025-10-16 18:32:26,198 sats.satellite.EO-0 INFO <920.00> EO-0: Target(tgt-4133) tasked for imaging
2025-10-16 18:32:26,199 sats.satellite.EO-0 INFO <920.00> EO-0: Target(tgt-4133) window enabled: 968.0 to 1079.6
2025-10-16 18:32:26,200 sats.satellite.EO-0 INFO <920.00> EO-0: setting timed terminal event at 1079.6
2025-10-16 18:32:26,200 sats.satellite.EO-1 INFO <920.00> EO-1: target index 3 tasked
2025-10-16 18:32:26,201 sats.satellite.EO-1 INFO <920.00> EO-1: Target(tgt-4329) tasked for imaging
2025-10-16 18:32:26,202 sats.satellite.EO-1 INFO <920.00> EO-1: Target(tgt-4329) window enabled: 874.2 to 967.3
2025-10-16 18:32:26,202 sats.satellite.EO-1 INFO <920.00> EO-1: setting timed terminal event at 967.3
2025-10-16 18:32:26,203 sats.satellite.EO-2 INFO <920.00> EO-2: target index 14 tasked
2025-10-16 18:32:26,204 sats.satellite.EO-2 INFO <920.00> EO-2: Target(tgt-860) tasked for imaging
2025-10-16 18:32:26,205 sats.satellite.EO-2 INFO <920.00> EO-2: Target(tgt-860) window enabled: 909.2 to 993.1
2025-10-16 18:32:26,205 sats.satellite.EO-2 INFO <920.00> EO-2: setting timed terminal event at 993.1
2025-10-16 18:32:26,206 sats.satellite.EO-3 INFO <920.00> EO-3: target index 14 tasked
2025-10-16 18:32:26,207 sats.satellite.EO-3 INFO <920.00> EO-3: Target(tgt-8629) tasked for imaging
2025-10-16 18:32:26,207 sats.satellite.EO-3 INFO <920.00> EO-3: Target(tgt-8629) window enabled: 970.2 to 1101.8
2025-10-16 18:32:26,208 sats.satellite.EO-3 INFO <920.00> EO-3: setting timed terminal event at 1101.8
2025-10-16 18:32:26,208 sats.satellite.EO-4 INFO <920.00> EO-4: target index 1 tasked
2025-10-16 18:32:26,209 sats.satellite.EO-4 INFO <920.00> EO-4: Target(tgt-8587) tasked for imaging
2025-10-16 18:32:26,210 sats.satellite.EO-4 INFO <920.00> EO-4: Target(tgt-8587) window enabled: 869.1 to 950.6
2025-10-16 18:32:26,210 sats.satellite.EO-4 INFO <920.00> EO-4: setting timed terminal event at 950.6
2025-10-16 18:32:26,232 sats.satellite.EO-4 INFO <951.00> EO-4: timed termination at 950.6 for Target(tgt-8587) window
2025-10-16 18:32:26,235 data.base INFO <951.00> Total reward: {}
2025-10-16 18:32:26,235 sats.satellite.EO-4 INFO <951.00> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:26,245 gym INFO <951.00> Step reward: {}
2025-10-16 18:32:26,246 gym INFO <951.00> === STARTING STEP ===
2025-10-16 18:32:26,246 sats.satellite.EO-0 INFO <951.00> EO-0: target index 19 tasked
2025-10-16 18:32:26,247 sats.satellite.EO-0 INFO <951.00> EO-0: Target(tgt-4550) tasked for imaging
2025-10-16 18:32:26,247 sats.satellite.EO-0 INFO <951.00> EO-0: Target(tgt-4550) window enabled: 1012.1 to 1090.8
2025-10-16 18:32:26,248 sats.satellite.EO-0 INFO <951.00> EO-0: setting timed terminal event at 1090.8
2025-10-16 18:32:26,249 sats.satellite.EO-1 INFO <951.00> EO-1: target index 11 tasked
2025-10-16 18:32:26,249 sats.satellite.EO-1 INFO <951.00> EO-1: Target(tgt-5047) tasked for imaging
2025-10-16 18:32:26,250 sats.satellite.EO-1 INFO <951.00> EO-1: Target(tgt-5047) window enabled: 939.1 to 1069.6
2025-10-16 18:32:26,251 sats.satellite.EO-1 INFO <951.00> EO-1: setting timed terminal event at 1069.6
2025-10-16 18:32:26,251 sats.satellite.EO-2 INFO <951.00> EO-2: target index 26 tasked
2025-10-16 18:32:26,252 sats.satellite.EO-2 INFO <951.00> EO-2: Target(tgt-236) tasked for imaging
2025-10-16 18:32:26,253 sats.satellite.EO-2 INFO <951.00> EO-2: Target(tgt-236) window enabled: 1071.2 to 1196.5
2025-10-16 18:32:26,253 sats.satellite.EO-2 INFO <951.00> EO-2: setting timed terminal event at 1196.5
2025-10-16 18:32:26,254 sats.satellite.EO-3 INFO <951.00> EO-3: target index 4 tasked
2025-10-16 18:32:26,254 sats.satellite.EO-3 INFO <951.00> EO-3: Target(tgt-989) tasked for imaging
2025-10-16 18:32:26,255 sats.satellite.EO-3 INFO <951.00> EO-3: Target(tgt-989) window enabled: 860.5 to 986.1
2025-10-16 18:32:26,256 sats.satellite.EO-3 INFO <951.00> EO-3: setting timed terminal event at 986.1
2025-10-16 18:32:26,257 sats.satellite.EO-4 INFO <951.00> EO-4: target index 21 tasked
2025-10-16 18:32:26,257 sats.satellite.EO-4 INFO <951.00> EO-4: Target(tgt-3207) tasked for imaging
2025-10-16 18:32:26,258 sats.satellite.EO-4 INFO <951.00> EO-4: Target(tgt-3207) window enabled: 1038.1 to 1090.0
2025-10-16 18:32:26,259 sats.satellite.EO-4 INFO <951.00> EO-4: setting timed terminal event at 1090.0
2025-10-16 18:32:26,283 sats.satellite.EO-3 INFO <986.50> EO-3: timed termination at 986.1 for Target(tgt-989) window
2025-10-16 18:32:26,285 data.base INFO <986.50> Total reward: {}
2025-10-16 18:32:26,286 sats.satellite.EO-3 INFO <986.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:26,296 gym INFO <986.50> Step reward: {}
2025-10-16 18:32:26,297 gym INFO <986.50> === STARTING STEP ===
2025-10-16 18:32:26,298 sats.satellite.EO-0 INFO <986.50> EO-0: target index 21 tasked
2025-10-16 18:32:26,298 sats.satellite.EO-0 INFO <986.50> EO-0: Target(tgt-1237) tasked for imaging
2025-10-16 18:32:26,299 sats.satellite.EO-0 INFO <986.50> EO-0: Target(tgt-1237) window enabled: 1089.6 to 1200.8
2025-10-16 18:32:26,300 sats.satellite.EO-0 INFO <986.50> EO-0: setting timed terminal event at 1200.8
2025-10-16 18:32:26,300 sats.satellite.EO-1 INFO <986.50> EO-1: target index 17 tasked
2025-10-16 18:32:26,301 sats.satellite.EO-1 INFO <986.50> EO-1: Target(tgt-7110) tasked for imaging
2025-10-16 18:32:26,301 sats.satellite.EO-1 INFO <986.50> EO-1: Target(tgt-7110) window enabled: 1024.3 to 1135.2
2025-10-16 18:32:26,302 sats.satellite.EO-1 INFO <986.50> EO-1: setting timed terminal event at 1135.2
2025-10-16 18:32:26,303 sats.satellite.EO-2 INFO <986.50> EO-2: target index 22 tasked
2025-10-16 18:32:26,303 sats.satellite.EO-2 INFO <986.50> EO-2: Target(tgt-5218) tasked for imaging
2025-10-16 18:32:26,304 sats.satellite.EO-2 INFO <986.50> EO-2: Target(tgt-5218) window enabled: 1089.7 to 1211.4
2025-10-16 18:32:26,304 sats.satellite.EO-2 INFO <986.50> EO-2: setting timed terminal event at 1211.4
2025-10-16 18:32:26,305 sats.satellite.EO-3 INFO <986.50> EO-3: target index 19 tasked
2025-10-16 18:32:26,306 sats.satellite.EO-3 INFO <986.50> EO-3: Target(tgt-2376) tasked for imaging
2025-10-16 18:32:26,306 sats.satellite.EO-3 INFO <986.50> EO-3: Target(tgt-2376) window enabled: 1123.0 to 1202.6
2025-10-16 18:32:26,308 sats.satellite.EO-3 INFO <986.50> EO-3: setting timed terminal event at 1202.6
2025-10-16 18:32:26,308 sats.satellite.EO-4 INFO <986.50> EO-4: target index 4 tasked
2025-10-16 18:32:26,309 sats.satellite.EO-4 INFO <986.50> EO-4: Target(tgt-4651) tasked for imaging
2025-10-16 18:32:26,309 sats.satellite.EO-4 INFO <986.50> EO-4: Target(tgt-4651) window enabled: 879.7 to 1009.6
2025-10-16 18:32:26,310 sats.satellite.EO-4 INFO <986.50> EO-4: setting timed terminal event at 1009.6
2025-10-16 18:32:26,327 sats.satellite.EO-4 INFO <1010.00> EO-4: timed termination at 1009.6 for Target(tgt-4651) window
2025-10-16 18:32:26,330 data.base INFO <1010.00> Total reward: {}
2025-10-16 18:32:26,330 sats.satellite.EO-4 INFO <1010.00> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:26,341 gym INFO <1010.00> Step reward: {}
2025-10-16 18:32:26,341 gym INFO <1010.00> === STARTING STEP ===
2025-10-16 18:32:26,342 sats.satellite.EO-0 INFO <1010.00> EO-0: target index 13 tasked
2025-10-16 18:32:26,343 sats.satellite.EO-0 INFO <1010.00> EO-0: Target(tgt-9203) tasked for imaging
2025-10-16 18:32:26,344 sats.satellite.EO-0 INFO <1010.00> EO-0: Target(tgt-9203) window enabled: 989.6 to 1114.4
2025-10-16 18:32:26,344 sats.satellite.EO-0 INFO <1010.00> EO-0: setting timed terminal event at 1114.4
2025-10-16 18:32:26,345 sats.satellite.EO-1 INFO <1010.00> EO-1: target index 30 tasked
2025-10-16 18:32:26,345 sats.satellite.EO-1 INFO <1010.00> EO-1: Target(tgt-2501) tasked for imaging
2025-10-16 18:32:26,347 sats.satellite.EO-1 INFO <1010.00> EO-1: Target(tgt-2501) window enabled: 1204.9 to 1321.6
2025-10-16 18:32:26,348 sats.satellite.EO-1 INFO <1010.00> EO-1: setting timed terminal event at 1321.6
2025-10-16 18:32:26,348 sats.satellite.EO-2 INFO <1010.00> EO-2: target index 26 tasked
2025-10-16 18:32:26,349 sats.satellite.EO-2 INFO <1010.00> EO-2: Target(tgt-4849) tasked for imaging
2025-10-16 18:32:26,350 sats.satellite.EO-2 INFO <1010.00> EO-2: Target(tgt-4849) window enabled: 1211.7 to 1313.8
2025-10-16 18:32:26,350 sats.satellite.EO-2 INFO <1010.00> EO-2: setting timed terminal event at 1313.8
2025-10-16 18:32:26,351 sats.satellite.EO-3 INFO <1010.00> EO-3: target index 21 tasked
2025-10-16 18:32:26,352 sats.satellite.EO-3 INFO <1010.00> EO-3: Target(tgt-6944) tasked for imaging
2025-10-16 18:32:26,353 sats.satellite.EO-3 INFO <1010.00> EO-3: Target(tgt-6944) window enabled: 1162.2 to 1253.0
2025-10-16 18:32:26,353 sats.satellite.EO-3 INFO <1010.00> EO-3: setting timed terminal event at 1253.0
2025-10-16 18:32:26,354 sats.satellite.EO-4 INFO <1010.00> EO-4: target index 11 tasked
2025-10-16 18:32:26,354 sats.satellite.EO-4 INFO <1010.00> EO-4: Target(tgt-8419) tasked for imaging
2025-10-16 18:32:26,356 sats.satellite.EO-4 INFO <1010.00> EO-4: Target(tgt-8419) window enabled: 953.9 to 1082.5
2025-10-16 18:32:26,356 sats.satellite.EO-4 INFO <1010.00> EO-4: setting timed terminal event at 1082.5
2025-10-16 18:32:26,368 sats.satellite.EO-4 INFO <1026.00> EO-4: imaged Target(tgt-8419)
2025-10-16 18:32:26,371 data.base INFO <1026.00> Total reward: {'EO-4': np.float64(0.010329727845928827)}
2025-10-16 18:32:26,371 sats.satellite.EO-4 INFO <1026.00> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:26,382 gym INFO <1026.00> Step reward: {'EO-4': np.float64(0.010329727845928827)}
2025-10-16 18:32:26,383 gym INFO <1026.00> === STARTING STEP ===
2025-10-16 18:32:26,384 sats.satellite.EO-0 INFO <1026.00> EO-0: target index 12 tasked
2025-10-16 18:32:26,385 sats.satellite.EO-0 INFO <1026.00> EO-0: Target(tgt-866) tasked for imaging
2025-10-16 18:32:26,385 sats.satellite.EO-0 INFO <1026.00> EO-0: Target(tgt-866) window enabled: 1023.7 to 1133.5
2025-10-16 18:32:26,386 sats.satellite.EO-0 INFO <1026.00> EO-0: setting timed terminal event at 1133.5
2025-10-16 18:32:26,387 sats.satellite.EO-1 INFO <1026.00> EO-1: target index 7 tasked
2025-10-16 18:32:26,387 sats.satellite.EO-1 INFO <1026.00> EO-1: Target(tgt-5047) tasked for imaging
2025-10-16 18:32:26,388 sats.satellite.EO-1 INFO <1026.00> EO-1: Target(tgt-5047) window enabled: 939.1 to 1069.6
2025-10-16 18:32:26,389 sats.satellite.EO-1 INFO <1026.00> EO-1: setting timed terminal event at 1069.6
2025-10-16 18:32:26,389 sats.satellite.EO-2 INFO <1026.00> EO-2: target index 1 tasked
2025-10-16 18:32:26,390 sats.satellite.EO-2 INFO <1026.00> EO-2: Target(tgt-965) tasked for imaging
2025-10-16 18:32:26,390 sats.satellite.EO-2 INFO <1026.00> EO-2: Target(tgt-965) window enabled: 909.9 to 1040.2
2025-10-16 18:32:26,391 sats.satellite.EO-2 INFO <1026.00> EO-2: setting timed terminal event at 1040.2
2025-10-16 18:32:26,392 sats.satellite.EO-3 INFO <1026.00> EO-3: target index 8 tasked
2025-10-16 18:32:26,392 sats.satellite.EO-3 INFO <1026.00> EO-3: Target(tgt-485) tasked for imaging
2025-10-16 18:32:26,393 sats.satellite.EO-3 INFO <1026.00> EO-3: Target(tgt-485) window enabled: 1067.9 to 1106.7
2025-10-16 18:32:26,393 sats.satellite.EO-3 INFO <1026.00> EO-3: setting timed terminal event at 1106.7
2025-10-16 18:32:26,395 sats.satellite.EO-4 INFO <1026.00> EO-4: target index 22 tasked
2025-10-16 18:32:26,395 sats.satellite.EO-4 INFO <1026.00> EO-4: Target(tgt-5157) tasked for imaging
2025-10-16 18:32:26,396 sats.satellite.EO-4 INFO <1026.00> EO-4: Target(tgt-5157) window enabled: 1049.4 to 1172.6
2025-10-16 18:32:26,396 sats.satellite.EO-4 INFO <1026.00> EO-4: setting timed terminal event at 1172.6
2025-10-16 18:32:26,407 sats.satellite.EO-2 INFO <1040.50> EO-2: timed termination at 1040.2 for Target(tgt-965) window
2025-10-16 18:32:26,410 data.base INFO <1040.50> Total reward: {}
2025-10-16 18:32:26,411 sats.satellite.EO-2 INFO <1040.50> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:26,422 gym INFO <1040.50> Step reward: {}
2025-10-16 18:32:26,422 gym INFO <1040.50> === STARTING STEP ===
2025-10-16 18:32:26,423 sats.satellite.EO-0 INFO <1040.50> EO-0: target index 26 tasked
2025-10-16 18:32:26,424 sats.satellite.EO-0 INFO <1040.50> EO-0: Target(tgt-3603) tasked for imaging
2025-10-16 18:32:26,425 sats.satellite.EO-0 INFO <1040.50> EO-0: Target(tgt-3603) window enabled: 1186.7 to 1290.2
2025-10-16 18:32:26,425 sats.satellite.EO-0 INFO <1040.50> EO-0: setting timed terminal event at 1290.2
2025-10-16 18:32:26,426 sats.satellite.EO-1 INFO <1040.50> EO-1: target index 14 tasked
2025-10-16 18:32:26,426 sats.satellite.EO-1 INFO <1040.50> EO-1: Target(tgt-2405) tasked for imaging
2025-10-16 18:32:26,427 sats.satellite.EO-1 INFO <1040.50> EO-1: Target(tgt-2405) window enabled: 1095.4 to 1226.0
2025-10-16 18:32:26,428 sats.satellite.EO-1 INFO <1040.50> EO-1: setting timed terminal event at 1226.0
2025-10-16 18:32:26,428 sats.satellite.EO-2 INFO <1040.50> EO-2: target index 24 tasked
2025-10-16 18:32:26,429 sats.satellite.EO-2 INFO <1040.50> EO-2: Target(tgt-4849) tasked for imaging
2025-10-16 18:32:26,430 sats.satellite.EO-2 INFO <1040.50> EO-2: Target(tgt-4849) window enabled: 1211.7 to 1313.8
2025-10-16 18:32:26,430 sats.satellite.EO-2 INFO <1040.50> EO-2: setting timed terminal event at 1313.8
2025-10-16 18:32:26,431 sats.satellite.EO-3 INFO <1040.50> EO-3: action_charge tasked for 60.0 seconds
2025-10-16 18:32:26,431 sats.satellite.EO-3 INFO <1040.50> EO-3: setting timed terminal event at 1100.5
2025-10-16 18:32:26,432 sats.satellite.EO-4 INFO <1040.50> EO-4: target index 23 tasked
2025-10-16 18:32:26,433 sats.satellite.EO-4 INFO <1040.50> EO-4: Target(tgt-4718) tasked for imaging
2025-10-16 18:32:26,433 sats.satellite.EO-4 INFO <1040.50> EO-4: Target(tgt-4718) window enabled: 1080.1 to 1179.3
2025-10-16 18:32:26,435 sats.satellite.EO-4 INFO <1040.50> EO-4: setting timed terminal event at 1179.3
2025-10-16 18:32:26,464 sats.satellite.EO-4 INFO <1081.50> EO-4: imaged Target(tgt-4718)
2025-10-16 18:32:26,467 data.base INFO <1081.50> Total reward: {}
2025-10-16 18:32:26,467 sats.satellite.EO-4 INFO <1081.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:26,484 gym INFO <1081.50> Step reward: {}
2025-10-16 18:32:26,484 gym INFO <1081.50> === STARTING STEP ===
2025-10-16 18:32:26,485 sats.satellite.EO-0 INFO <1081.50> EO-0: target index 22 tasked
2025-10-16 18:32:26,485 sats.satellite.EO-0 INFO <1081.50> EO-0: Target(tgt-1301) tasked for imaging
2025-10-16 18:32:26,486 sats.satellite.EO-0 INFO <1081.50> EO-0: Target(tgt-1301) window enabled: 1222.1 to 1331.8
2025-10-16 18:32:26,486 sats.satellite.EO-0 INFO <1081.50> EO-0: setting timed terminal event at 1331.8
2025-10-16 18:32:26,487 sats.satellite.EO-1 INFO <1081.50> EO-1: target index 11 tasked
2025-10-16 18:32:26,488 sats.satellite.EO-1 INFO <1081.50> EO-1: Target(tgt-2397) tasked for imaging
2025-10-16 18:32:26,489 sats.satellite.EO-1 INFO <1081.50> EO-1: Target(tgt-2397) window enabled: 1190.4 to 1228.2
2025-10-16 18:32:26,489 sats.satellite.EO-1 INFO <1081.50> EO-1: setting timed terminal event at 1228.2
2025-10-16 18:32:26,490 sats.satellite.EO-2 INFO <1081.50> EO-2: target index 13 tasked
2025-10-16 18:32:26,491 sats.satellite.EO-2 INFO <1081.50> EO-2: Target(tgt-8451) tasked for imaging
2025-10-16 18:32:26,492 sats.satellite.EO-2 INFO <1081.50> EO-2: Target(tgt-8451) window enabled: 1098.3 to 1223.1
2025-10-16 18:32:26,492 sats.satellite.EO-2 INFO <1081.50> EO-2: setting timed terminal event at 1223.1
2025-10-16 18:32:26,493 sats.satellite.EO-3 INFO <1081.50> EO-3: target index 10 tasked
2025-10-16 18:32:26,494 sats.satellite.EO-3 INFO <1081.50> EO-3: Target(tgt-8010) tasked for imaging
2025-10-16 18:32:26,495 sats.satellite.EO-3 INFO <1081.50> EO-3: Target(tgt-8010) window enabled: 1056.6 to 1188.0
2025-10-16 18:32:26,496 sats.satellite.EO-3 INFO <1081.50> EO-3: setting timed terminal event at 1188.0
2025-10-16 18:32:26,496 sats.satellite.EO-4 INFO <1081.50> EO-4: target index 26 tasked
2025-10-16 18:32:26,497 sats.satellite.EO-4 INFO <1081.50> EO-4: Target(tgt-4971) tasked for imaging
2025-10-16 18:32:26,498 sats.satellite.EO-4 INFO <1081.50> EO-4: Target(tgt-4971) window enabled: 1181.1 to 1277.3
2025-10-16 18:32:26,499 sats.satellite.EO-4 INFO <1081.50> EO-4: setting timed terminal event at 1277.3
2025-10-16 18:32:26,520 sats.satellite.EO-2 INFO <1112.00> EO-2: imaged Target(tgt-8451)
2025-10-16 18:32:26,523 data.base INFO <1112.00> Total reward: {}
2025-10-16 18:32:26,523 sats.satellite.EO-2 INFO <1112.00> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:26,533 gym INFO <1112.00> Step reward: {}
2025-10-16 18:32:26,533 gym INFO <1112.00> === STARTING STEP ===
2025-10-16 18:32:26,534 sats.satellite.EO-0 INFO <1112.00> EO-0: target index 1 tasked
2025-10-16 18:32:26,534 sats.satellite.EO-0 INFO <1112.00> EO-0: Target(tgt-9203) tasked for imaging
2025-10-16 18:32:26,535 sats.satellite.EO-0 INFO <1112.00> EO-0: Target(tgt-9203) window enabled: 989.6 to 1114.4
2025-10-16 18:32:26,536 sats.satellite.EO-0 INFO <1112.00> EO-0: setting timed terminal event at 1114.4
2025-10-16 18:32:26,536 sats.satellite.EO-1 INFO <1112.00> EO-1: target index 28 tasked
2025-10-16 18:32:26,537 sats.satellite.EO-1 INFO <1112.00> EO-1: Target(tgt-8263) tasked for imaging
2025-10-16 18:32:26,539 sats.satellite.EO-1 INFO <1112.00> EO-1: Target(tgt-8263) window enabled: 1301.5 to 1400.0
2025-10-16 18:32:26,539 sats.satellite.EO-1 INFO <1112.00> EO-1: setting timed terminal event at 1400.0
2025-10-16 18:32:26,540 sats.satellite.EO-2 INFO <1112.00> EO-2: target index 30 tasked
2025-10-16 18:32:26,540 sats.satellite.EO-2 INFO <1112.00> EO-2: Target(tgt-7241) tasked for imaging
2025-10-16 18:32:26,541 sats.satellite.EO-2 INFO <1112.00> EO-2: Target(tgt-7241) window enabled: 1283.2 to 1402.3
2025-10-16 18:32:26,542 sats.satellite.EO-2 INFO <1112.00> EO-2: setting timed terminal event at 1402.3
2025-10-16 18:32:26,542 sats.satellite.EO-3 INFO <1112.00> EO-3: target index 18 tasked
2025-10-16 18:32:26,543 sats.satellite.EO-3 INFO <1112.00> EO-3: Target(tgt-5225) tasked for imaging
2025-10-16 18:32:26,543 sats.satellite.EO-3 INFO <1112.00> EO-3: Target(tgt-5225) window enabled: 1160.2 to 1287.7
2025-10-16 18:32:26,544 sats.satellite.EO-3 INFO <1112.00> EO-3: setting timed terminal event at 1287.7
2025-10-16 18:32:26,545 sats.satellite.EO-4 INFO <1112.00> EO-4: target index 23 tasked
2025-10-16 18:32:26,547 sats.satellite.EO-4 INFO <1112.00> EO-4: Target(tgt-280) tasked for imaging
2025-10-16 18:32:26,547 sats.satellite.EO-4 INFO <1112.00> EO-4: Target(tgt-280) window enabled: 1215.4 to 1331.6
2025-10-16 18:32:26,548 sats.satellite.EO-4 INFO <1112.00> EO-4: setting timed terminal event at 1331.6
2025-10-16 18:32:26,551 sats.satellite.EO-0 INFO <1114.50> EO-0: timed termination at 1114.4 for Target(tgt-9203) window
2025-10-16 18:32:26,554 data.base INFO <1114.50> Total reward: {}
2025-10-16 18:32:26,554 sats.satellite.EO-0 INFO <1114.50> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:26,565 gym INFO <1114.50> Step reward: {}
2025-10-16 18:32:26,565 gym INFO <1114.50> === STARTING STEP ===
2025-10-16 18:32:26,566 sats.satellite.EO-0 INFO <1114.50> EO-0: target index 1 tasked
2025-10-16 18:32:26,566 sats.satellite.EO-0 INFO <1114.50> EO-0: Target(tgt-6525) tasked for imaging
2025-10-16 18:32:26,567 sats.satellite.EO-0 INFO <1114.50> EO-0: Target(tgt-6525) window enabled: 1132.2 to 1158.8
2025-10-16 18:32:26,567 sats.satellite.EO-0 INFO <1114.50> EO-0: setting timed terminal event at 1158.8
2025-10-16 18:32:26,568 sats.satellite.EO-1 INFO <1114.50> EO-1: target index 6 tasked
2025-10-16 18:32:26,569 sats.satellite.EO-1 INFO <1114.50> EO-1: Target(tgt-5188) tasked for imaging
2025-10-16 18:32:26,569 sats.satellite.EO-1 INFO <1114.50> EO-1: Target(tgt-5188) window enabled: 1095.1 to 1223.6
2025-10-16 18:32:26,570 sats.satellite.EO-1 INFO <1114.50> EO-1: setting timed terminal event at 1223.6
2025-10-16 18:32:26,570 sats.satellite.EO-2 INFO <1114.50> EO-2: target index 30 tasked
2025-10-16 18:32:26,571 sats.satellite.EO-2 INFO <1114.50> EO-2: Target(tgt-7241) window enabled: 1283.2 to 1402.3
2025-10-16 18:32:26,571 sats.satellite.EO-2 INFO <1114.50> EO-2: setting timed terminal event at 1402.3
2025-10-16 18:32:26,572 sats.satellite.EO-3 INFO <1114.50> EO-3: target index 3 tasked
2025-10-16 18:32:26,573 sats.satellite.EO-3 INFO <1114.50> EO-3: Target(tgt-896) tasked for imaging
2025-10-16 18:32:26,575 sats.satellite.EO-3 INFO <1114.50> EO-3: Target(tgt-896) window enabled: 1073.7 to 1143.6
2025-10-16 18:32:26,575 sats.satellite.EO-3 INFO <1114.50> EO-3: setting timed terminal event at 1143.6
2025-10-16 18:32:26,576 sats.satellite.EO-4 INFO <1114.50> EO-4: target index 4 tasked
2025-10-16 18:32:26,577 sats.satellite.EO-4 INFO <1114.50> EO-4: Target(tgt-5582) tasked for imaging
2025-10-16 18:32:26,577 sats.satellite.EO-4 INFO <1114.50> EO-4: Target(tgt-5582) window enabled: 1025.2 to 1154.4
2025-10-16 18:32:26,578 sats.satellite.EO-4 INFO <1114.50> EO-4: setting timed terminal event at 1154.4
2025-10-16 18:32:26,599 sats.satellite.EO-3 INFO <1144.00> EO-3: timed termination at 1143.6 for Target(tgt-896) window
2025-10-16 18:32:26,602 data.base INFO <1144.00> Total reward: {}
2025-10-16 18:32:26,603 sats.satellite.EO-3 INFO <1144.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:26,613 gym INFO <1144.00> Step reward: {}
2025-10-16 18:32:26,613 gym INFO <1144.00> === STARTING STEP ===
2025-10-16 18:32:26,614 sats.satellite.EO-0 INFO <1144.00> EO-0: target index 22 tasked
2025-10-16 18:32:26,614 sats.satellite.EO-0 INFO <1144.00> EO-0: Target(tgt-6343) tasked for imaging
2025-10-16 18:32:26,615 sats.satellite.EO-0 INFO <1144.00> EO-0: Target(tgt-6343) window enabled: 1244.4 to 1373.0
2025-10-16 18:32:26,616 sats.satellite.EO-0 INFO <1144.00> EO-0: setting timed terminal event at 1373.0
2025-10-16 18:32:26,617 sats.satellite.EO-1 INFO <1144.00> EO-1: target index 26 tasked
2025-10-16 18:32:26,617 sats.satellite.EO-1 INFO <1144.00> EO-1: Target(tgt-5526) tasked for imaging
2025-10-16 18:32:26,618 sats.satellite.EO-1 INFO <1144.00> EO-1: Target(tgt-5526) window enabled: 1297.1 to 1414.7
2025-10-16 18:32:26,618 sats.satellite.EO-1 INFO <1144.00> EO-1: setting timed terminal event at 1414.7
2025-10-16 18:32:26,619 sats.satellite.EO-2 INFO <1144.00> EO-2: target index 11 tasked
2025-10-16 18:32:26,620 sats.satellite.EO-2 INFO <1144.00> EO-2: Target(tgt-3880) tasked for imaging
2025-10-16 18:32:26,621 sats.satellite.EO-2 INFO <1144.00> EO-2: Target(tgt-3880) window enabled: 1164.8 to 1287.5
2025-10-16 18:32:26,621 sats.satellite.EO-2 INFO <1144.00> EO-2: setting timed terminal event at 1287.5
2025-10-16 18:32:26,622 sats.satellite.EO-3 INFO <1144.00> EO-3: target index 7 tasked
2025-10-16 18:32:26,623 sats.satellite.EO-3 INFO <1144.00> EO-3: Target(tgt-6944) tasked for imaging
2025-10-16 18:32:26,624 sats.satellite.EO-3 INFO <1144.00> EO-3: Target(tgt-6944) window enabled: 1162.2 to 1253.0
2025-10-16 18:32:26,624 sats.satellite.EO-3 INFO <1144.00> EO-3: setting timed terminal event at 1253.0
2025-10-16 18:32:26,625 sats.satellite.EO-4 INFO <1144.00> EO-4: target index 29 tasked
2025-10-16 18:32:26,626 sats.satellite.EO-4 INFO <1144.00> EO-4: Target(tgt-3192) tasked for imaging
2025-10-16 18:32:26,626 sats.satellite.EO-4 INFO <1144.00> EO-4: Target(tgt-3192) window enabled: 1427.1 to 1432.8
2025-10-16 18:32:26,627 sats.satellite.EO-4 INFO <1144.00> EO-4: setting timed terminal event at 1432.8
2025-10-16 18:32:26,651 sats.satellite.EO-2 INFO <1175.00> EO-2: imaged Target(tgt-3880)
2025-10-16 18:32:26,654 data.base INFO <1175.00> Total reward: {'EO-2': np.float64(0.007175616560465778)}
2025-10-16 18:32:26,654 sats.satellite.EO-2 INFO <1175.00> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:26,664 gym INFO <1175.00> Step reward: {'EO-2': np.float64(0.007175616560465778)}
2025-10-16 18:32:26,665 gym INFO <1175.00> === STARTING STEP ===
2025-10-16 18:32:26,665 sats.satellite.EO-0 INFO <1175.00> EO-0: target index 3 tasked
2025-10-16 18:32:26,666 sats.satellite.EO-0 INFO <1175.00> EO-0: Target(tgt-1237) tasked for imaging
2025-10-16 18:32:26,667 sats.satellite.EO-0 INFO <1175.00> EO-0: Target(tgt-1237) window enabled: 1089.6 to 1200.8
2025-10-16 18:32:26,667 sats.satellite.EO-0 INFO <1175.00> EO-0: setting timed terminal event at 1200.8
2025-10-16 18:32:26,668 sats.satellite.EO-1 INFO <1175.00> EO-1: target index 8 tasked
2025-10-16 18:32:26,668 sats.satellite.EO-1 INFO <1175.00> EO-1: Target(tgt-6567) tasked for imaging
2025-10-16 18:32:26,669 sats.satellite.EO-1 INFO <1175.00> EO-1: Target(tgt-6567) window enabled: 1128.4 to 1238.9
2025-10-16 18:32:26,669 sats.satellite.EO-1 INFO <1175.00> EO-1: setting timed terminal event at 1238.9
2025-10-16 18:32:26,670 sats.satellite.EO-2 INFO <1175.00> EO-2: target index 5 tasked
2025-10-16 18:32:26,671 sats.satellite.EO-2 INFO <1175.00> EO-2: Target(tgt-6294) tasked for imaging
2025-10-16 18:32:26,672 sats.satellite.EO-2 INFO <1175.00> EO-2: Target(tgt-6294) window enabled: 1109.2 to 1214.4
2025-10-16 18:32:26,672 sats.satellite.EO-2 INFO <1175.00> EO-2: setting timed terminal event at 1214.4
2025-10-16 18:32:26,673 sats.satellite.EO-3 INFO <1175.00> EO-3: target index 4 tasked
2025-10-16 18:32:26,674 sats.satellite.EO-3 INFO <1175.00> EO-3: Target(tgt-5314) tasked for imaging
2025-10-16 18:32:26,674 sats.satellite.EO-3 INFO <1175.00> EO-3: Target(tgt-5314) window enabled: 1108.5 to 1233.0
2025-10-16 18:32:26,675 sats.satellite.EO-3 INFO <1175.00> EO-3: setting timed terminal event at 1233.0
2025-10-16 18:32:26,676 sats.satellite.EO-4 INFO <1175.00> EO-4: target index 27 tasked
2025-10-16 18:32:26,676 sats.satellite.EO-4 INFO <1175.00> EO-4: Target(tgt-1380) tasked for imaging
2025-10-16 18:32:26,677 sats.satellite.EO-4 INFO <1175.00> EO-4: Target(tgt-1380) window enabled: 1385.1 to 1452.2
2025-10-16 18:32:26,677 sats.satellite.EO-4 INFO <1175.00> EO-4: setting timed terminal event at 1452.2
2025-10-16 18:32:26,698 sats.satellite.EO-0 INFO <1201.00> EO-0: timed termination at 1200.8 for Target(tgt-1237) window
2025-10-16 18:32:26,701 data.base INFO <1201.00> Total reward: {}
2025-10-16 18:32:26,701 sats.satellite.EO-0 INFO <1201.00> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:26,724 gym INFO <1201.00> Step reward: {}
2025-10-16 18:32:26,724 gym INFO <1201.00> === STARTING STEP ===
2025-10-16 18:32:26,725 sats.satellite.EO-0 INFO <1201.00> EO-0: target index 8 tasked
2025-10-16 18:32:26,725 sats.satellite.EO-0 INFO <1201.00> EO-0: Target(tgt-2538) tasked for imaging
2025-10-16 18:32:26,727 sats.satellite.EO-0 INFO <1201.00> EO-0: Target(tgt-2538) window enabled: 1169.4 to 1264.8
2025-10-16 18:32:26,727 sats.satellite.EO-0 INFO <1201.00> EO-0: setting timed terminal event at 1264.8
2025-10-16 18:32:26,728 sats.satellite.EO-1 INFO <1201.00> EO-1: target index 13 tasked
2025-10-16 18:32:26,728 sats.satellite.EO-1 INFO <1201.00> EO-1: Target(tgt-2501) tasked for imaging
2025-10-16 18:32:26,729 sats.satellite.EO-1 INFO <1201.00> EO-1: Target(tgt-2501) window enabled: 1204.9 to 1321.6
2025-10-16 18:32:26,730 sats.satellite.EO-1 INFO <1201.00> EO-1: setting timed terminal event at 1321.6
2025-10-16 18:32:26,730 sats.satellite.EO-2 INFO <1201.00> EO-2: target index 30 tasked
2025-10-16 18:32:26,731 sats.satellite.EO-2 INFO <1201.00> EO-2: Target(tgt-7563) tasked for imaging
2025-10-16 18:32:26,732 sats.satellite.EO-2 INFO <1201.00> EO-2: Target(tgt-7563) window enabled: 1334.6 to 1448.5
2025-10-16 18:32:26,733 sats.satellite.EO-2 INFO <1201.00> EO-2: setting timed terminal event at 1448.5
2025-10-16 18:32:26,733 sats.satellite.EO-3 INFO <1201.00> EO-3: target index 13 tasked
2025-10-16 18:32:26,734 sats.satellite.EO-3 INFO <1201.00> EO-3: Target(tgt-4893) tasked for imaging
2025-10-16 18:32:26,734 sats.satellite.EO-3 INFO <1201.00> EO-3: Target(tgt-4893) window enabled: 1184.4 to 1307.0
2025-10-16 18:32:26,735 sats.satellite.EO-3 INFO <1201.00> EO-3: setting timed terminal event at 1307.0
2025-10-16 18:32:26,736 sats.satellite.EO-4 INFO <1201.00> EO-4: target index 7 tasked
2025-10-16 18:32:26,736 sats.satellite.EO-4 INFO <1201.00> EO-4: Target(tgt-4971) tasked for imaging
2025-10-16 18:32:26,737 sats.satellite.EO-4 INFO <1201.00> EO-4: Target(tgt-4971) window enabled: 1181.1 to 1277.3
2025-10-16 18:32:26,737 sats.satellite.EO-4 INFO <1201.00> EO-4: setting timed terminal event at 1277.3
2025-10-16 18:32:26,769 sats.satellite.EO-1 INFO <1243.00> EO-1: imaged Target(tgt-2501)
2025-10-16 18:32:26,772 data.base INFO <1243.00> Total reward: {'EO-1': np.float64(0.02213837480878643)}
2025-10-16 18:32:26,773 sats.satellite.EO-1 INFO <1243.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:26,783 gym INFO <1243.00> Step reward: {'EO-1': np.float64(0.02213837480878643)}
2025-10-16 18:32:26,784 gym INFO <1243.00> === STARTING STEP ===
2025-10-16 18:32:26,784 sats.satellite.EO-0 INFO <1243.00> EO-0: target index 22 tasked
2025-10-16 18:32:26,785 sats.satellite.EO-0 INFO <1243.00> EO-0: Target(tgt-9340) tasked for imaging
2025-10-16 18:32:26,786 sats.satellite.EO-0 INFO <1243.00> EO-0: Target(tgt-9340) window enabled: 1330.2 to 1456.7
2025-10-16 18:32:26,787 sats.satellite.EO-0 INFO <1243.00> EO-0: setting timed terminal event at 1456.7
2025-10-16 18:32:26,787 sats.satellite.EO-1 INFO <1243.00> EO-1: target index 27 tasked
2025-10-16 18:32:26,788 sats.satellite.EO-1 INFO <1243.00> EO-1: Target(tgt-4855) tasked for imaging
2025-10-16 18:32:26,789 sats.satellite.EO-1 INFO <1243.00> EO-1: Target(tgt-4855) window enabled: 1449.3 to 1575.4
2025-10-16 18:32:26,790 sats.satellite.EO-1 INFO <1243.00> EO-1: setting timed terminal event at 1575.4
2025-10-16 18:32:26,791 sats.satellite.EO-2 INFO <1243.00> EO-2: target index 18 tasked
2025-10-16 18:32:26,791 sats.satellite.EO-2 INFO <1243.00> EO-2: Target(tgt-7241) tasked for imaging
2025-10-16 18:32:26,792 sats.satellite.EO-2 INFO <1243.00> EO-2: Target(tgt-7241) window enabled: 1283.2 to 1402.3
2025-10-16 18:32:26,793 sats.satellite.EO-2 INFO <1243.00> EO-2: setting timed terminal event at 1402.3
2025-10-16 18:32:26,793 sats.satellite.EO-3 INFO <1243.00> EO-3: target index 5 tasked
2025-10-16 18:32:26,794 sats.satellite.EO-3 INFO <1243.00> EO-3: Target(tgt-7226) tasked for imaging
2025-10-16 18:32:26,795 sats.satellite.EO-3 INFO <1243.00> EO-3: Target(tgt-7226) window enabled: 1196.9 to 1277.1
2025-10-16 18:32:26,796 sats.satellite.EO-3 INFO <1243.00> EO-3: setting timed terminal event at 1277.1
2025-10-16 18:32:26,797 sats.satellite.EO-4 INFO <1243.00> EO-4: target index 4 tasked
2025-10-16 18:32:26,797 sats.satellite.EO-4 INFO <1243.00> EO-4: Target(tgt-9035) tasked for imaging
2025-10-16 18:32:26,798 sats.satellite.EO-4 INFO <1243.00> EO-4: Target(tgt-9035) window enabled: 1186.4 to 1313.9
2025-10-16 18:32:26,798 sats.satellite.EO-4 INFO <1243.00> EO-4: setting timed terminal event at 1313.9
2025-10-16 18:32:26,819 sats.satellite.EO-4 INFO <1270.00> EO-4: imaged Target(tgt-9035)
2025-10-16 18:32:26,822 data.base INFO <1270.00> Total reward: {'EO-4': np.float64(0.346002568414319)}
2025-10-16 18:32:26,822 sats.satellite.EO-4 INFO <1270.00> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:26,833 gym INFO <1270.00> Step reward: {'EO-4': np.float64(0.346002568414319)}
2025-10-16 18:32:26,833 gym INFO <1270.00> === STARTING STEP ===
2025-10-16 18:32:26,834 sats.satellite.EO-0 INFO <1270.00> EO-0: target index 26 tasked
2025-10-16 18:32:26,834 sats.satellite.EO-0 INFO <1270.00> EO-0: Target(tgt-2579) tasked for imaging
2025-10-16 18:32:26,835 sats.satellite.EO-0 INFO <1270.00> EO-0: Target(tgt-2579) window enabled: 1399.6 to 1502.8
2025-10-16 18:32:26,836 sats.satellite.EO-0 INFO <1270.00> EO-0: setting timed terminal event at 1502.8
2025-10-16 18:32:26,837 sats.satellite.EO-1 INFO <1270.00> EO-1: target index 18 tasked
2025-10-16 18:32:26,837 sats.satellite.EO-1 INFO <1270.00> EO-1: Target(tgt-6878) tasked for imaging
2025-10-16 18:32:26,838 sats.satellite.EO-1 INFO <1270.00> EO-1: Target(tgt-6878) window enabled: 1322.6 to 1453.2
2025-10-16 18:32:26,839 sats.satellite.EO-1 INFO <1270.00> EO-1: setting timed terminal event at 1453.2
2025-10-16 18:32:26,840 sats.satellite.EO-2 INFO <1270.00> EO-2: target index 23 tasked
2025-10-16 18:32:26,840 sats.satellite.EO-2 INFO <1270.00> EO-2: Target(tgt-5091) tasked for imaging
2025-10-16 18:32:26,841 sats.satellite.EO-2 INFO <1270.00> EO-2: Target(tgt-5091) window enabled: 1328.1 to 1444.5
2025-10-16 18:32:26,841 sats.satellite.EO-2 INFO <1270.00> EO-2: setting timed terminal event at 1444.5
2025-10-16 18:32:26,842 sats.satellite.EO-3 INFO <1270.00> EO-3: target index 5 tasked
2025-10-16 18:32:26,843 sats.satellite.EO-3 INFO <1270.00> EO-3: Target(tgt-7991) tasked for imaging
2025-10-16 18:32:26,843 sats.satellite.EO-3 INFO <1270.00> EO-3: Target(tgt-7991) window enabled: 1188.3 to 1300.0
2025-10-16 18:32:26,844 sats.satellite.EO-3 INFO <1270.00> EO-3: setting timed terminal event at 1300.0
2025-10-16 18:32:26,844 sats.satellite.EO-4 INFO <1270.00> EO-4: target index 14 tasked
2025-10-16 18:32:26,845 sats.satellite.EO-4 INFO <1270.00> EO-4: Target(tgt-1380) tasked for imaging
2025-10-16 18:32:26,846 sats.satellite.EO-4 INFO <1270.00> EO-4: Target(tgt-1380) window enabled: 1385.1 to 1452.2
2025-10-16 18:32:26,846 sats.satellite.EO-4 INFO <1270.00> EO-4: setting timed terminal event at 1452.2
2025-10-16 18:32:26,870 sats.satellite.EO-3 INFO <1300.50> EO-3: timed termination at 1300.0 for Target(tgt-7991) window
2025-10-16 18:32:26,874 data.base INFO <1300.50> Total reward: {}
2025-10-16 18:32:26,875 sats.satellite.EO-3 INFO <1300.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:26,885 gym INFO <1300.50> Step reward: {}
2025-10-16 18:32:26,885 gym INFO <1300.50> === STARTING STEP ===
2025-10-16 18:32:26,886 sats.satellite.EO-0 INFO <1300.50> EO-0: target index 17 tasked
2025-10-16 18:32:26,886 sats.satellite.EO-0 INFO <1300.50> EO-0: Target(tgt-7371) tasked for imaging
2025-10-16 18:32:26,887 sats.satellite.EO-0 INFO <1300.50> EO-0: Target(tgt-7371) window enabled: 1350.8 to 1465.6
2025-10-16 18:32:26,888 sats.satellite.EO-0 INFO <1300.50> EO-0: setting timed terminal event at 1465.6
2025-10-16 18:32:26,888 sats.satellite.EO-1 INFO <1300.50> EO-1: target index 21 tasked
2025-10-16 18:32:26,889 sats.satellite.EO-1 INFO <1300.50> EO-1: Target(tgt-3678) tasked for imaging
2025-10-16 18:32:26,890 sats.satellite.EO-1 INFO <1300.50> EO-1: Target(tgt-3678) window enabled: 1437.9 to 1565.6
2025-10-16 18:32:26,891 sats.satellite.EO-1 INFO <1300.50> EO-1: setting timed terminal event at 1565.6
2025-10-16 18:32:26,891 sats.satellite.EO-2 INFO <1300.50> EO-2: target index 26 tasked
2025-10-16 18:32:26,892 sats.satellite.EO-2 INFO <1300.50> EO-2: Target(tgt-6556) tasked for imaging
2025-10-16 18:32:26,893 sats.satellite.EO-2 INFO <1300.50> EO-2: Target(tgt-6556) window enabled: 1354.7 to 1463.8
2025-10-16 18:32:26,893 sats.satellite.EO-2 INFO <1300.50> EO-2: setting timed terminal event at 1463.8
2025-10-16 18:32:26,894 sats.satellite.EO-3 INFO <1300.50> EO-3: target index 25 tasked
2025-10-16 18:32:26,895 sats.satellite.EO-3 INFO <1300.50> EO-3: Target(tgt-6007) tasked for imaging
2025-10-16 18:32:26,896 sats.satellite.EO-3 INFO <1300.50> EO-3: Target(tgt-6007) window enabled: 1339.5 to 1470.9
2025-10-16 18:32:26,896 sats.satellite.EO-3 INFO <1300.50> EO-3: setting timed terminal event at 1470.9
2025-10-16 18:32:26,897 sats.satellite.EO-4 INFO <1300.50> EO-4: target index 18 tasked
2025-10-16 18:32:26,898 sats.satellite.EO-4 INFO <1300.50> EO-4: Target(tgt-9210) tasked for imaging
2025-10-16 18:32:26,899 sats.satellite.EO-4 INFO <1300.50> EO-4: Target(tgt-9210) window enabled: 1431.2 to 1500.5
2025-10-16 18:32:26,899 sats.satellite.EO-4 INFO <1300.50> EO-4: setting timed terminal event at 1500.5
2025-10-16 18:32:26,935 sats.satellite.EO-0 INFO <1352.00> EO-0: imaged Target(tgt-7371)
2025-10-16 18:32:26,938 data.base INFO <1352.00> Total reward: {'EO-0': np.float64(0.45648443108484776)}
2025-10-16 18:32:26,939 sats.satellite.EO-0 INFO <1352.00> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:26,949 gym INFO <1352.00> Step reward: {'EO-0': np.float64(0.45648443108484776)}
2025-10-16 18:32:26,950 gym INFO <1352.00> === STARTING STEP ===
2025-10-16 18:32:26,950 sats.satellite.EO-0 INFO <1352.00> EO-0: target index 16 tasked
2025-10-16 18:32:26,951 sats.satellite.EO-0 INFO <1352.00> EO-0: Target(tgt-8709) tasked for imaging
2025-10-16 18:32:26,952 sats.satellite.EO-0 INFO <1352.00> EO-0: Target(tgt-8709) window enabled: 1349.4 to 1470.5
2025-10-16 18:32:26,952 sats.satellite.EO-0 INFO <1352.00> EO-0: setting timed terminal event at 1470.5
2025-10-16 18:32:26,953 sats.satellite.EO-1 INFO <1352.00> EO-1: target index 27 tasked
2025-10-16 18:32:26,953 sats.satellite.EO-1 INFO <1352.00> EO-1: Target(tgt-6166) tasked for imaging
2025-10-16 18:32:26,954 sats.satellite.EO-1 INFO <1352.00> EO-1: Target(tgt-6166) window enabled: 1514.7 to 1641.7
2025-10-16 18:32:26,954 sats.satellite.EO-1 INFO <1352.00> EO-1: setting timed terminal event at 1641.7
2025-10-16 18:32:26,955 sats.satellite.EO-2 INFO <1352.00> EO-2: target index 26 tasked
2025-10-16 18:32:26,956 sats.satellite.EO-2 INFO <1352.00> EO-2: Target(tgt-4009) tasked for imaging
2025-10-16 18:32:26,957 sats.satellite.EO-2 INFO <1352.00> EO-2: Target(tgt-4009) window enabled: 1525.3 to 1617.3
2025-10-16 18:32:26,958 sats.satellite.EO-2 INFO <1352.00> EO-2: setting timed terminal event at 1617.3
2025-10-16 18:32:26,959 sats.satellite.EO-3 INFO <1352.00> EO-3: target index 12 tasked
2025-10-16 18:32:26,959 sats.satellite.EO-3 INFO <1352.00> EO-3: Target(tgt-8798) tasked for imaging
2025-10-16 18:32:26,960 sats.satellite.EO-3 INFO <1352.00> EO-3: Target(tgt-8798) window enabled: 1329.7 to 1441.1
2025-10-16 18:32:26,960 sats.satellite.EO-3 INFO <1352.00> EO-3: setting timed terminal event at 1441.1
2025-10-16 18:32:26,961 sats.satellite.EO-4 INFO <1352.00> EO-4: target index 20 tasked
2025-10-16 18:32:26,962 sats.satellite.EO-4 INFO <1352.00> EO-4: Target(tgt-2996) tasked for imaging
2025-10-16 18:32:26,962 sats.satellite.EO-4 INFO <1352.00> EO-4: Target(tgt-2996) window enabled: 1401.5 to 1526.7
2025-10-16 18:32:26,963 sats.satellite.EO-4 INFO <1352.00> EO-4: setting timed terminal event at 1526.7
2025-10-16 18:32:26,969 sats.satellite.EO-0 INFO <1359.50> EO-0: imaged Target(tgt-8709)
2025-10-16 18:32:26,972 data.base INFO <1359.50> Total reward: {'EO-0': np.float64(-1.7301308766153958e-17)}
2025-10-16 18:32:26,973 sats.satellite.EO-0 INFO <1359.50> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:26,982 gym INFO <1359.50> Step reward: {'EO-0': np.float64(-1.7301308766153958e-17)}
2025-10-16 18:32:26,983 gym INFO <1359.50> === STARTING STEP ===
2025-10-16 18:32:26,983 sats.satellite.EO-0 INFO <1359.50> EO-0: target index 13 tasked
2025-10-16 18:32:26,984 sats.satellite.EO-0 INFO <1359.50> EO-0: Target(tgt-9340) tasked for imaging
2025-10-16 18:32:26,984 sats.satellite.EO-0 INFO <1359.50> EO-0: Target(tgt-9340) window enabled: 1330.2 to 1456.7
2025-10-16 18:32:26,985 sats.satellite.EO-0 INFO <1359.50> EO-0: setting timed terminal event at 1456.7
2025-10-16 18:32:26,986 sats.satellite.EO-1 INFO <1359.50> EO-1: target index 29 tasked
2025-10-16 18:32:26,986 sats.satellite.EO-1 INFO <1359.50> EO-1: Target(tgt-7046) tasked for imaging
2025-10-16 18:32:26,988 sats.satellite.EO-1 INFO <1359.50> EO-1: Target(tgt-7046) window enabled: 1615.1 to 1667.7
2025-10-16 18:32:26,988 sats.satellite.EO-1 INFO <1359.50> EO-1: setting timed terminal event at 1667.7
2025-10-16 18:32:26,989 sats.satellite.EO-2 INFO <1359.50> EO-2: action_charge tasked for 60.0 seconds
2025-10-16 18:32:26,990 sats.satellite.EO-2 INFO <1359.50> EO-2: setting timed terminal event at 1419.5
2025-10-16 18:32:26,991 sats.satellite.EO-3 INFO <1359.50> EO-3: target index 19 tasked
2025-10-16 18:32:26,991 sats.satellite.EO-3 INFO <1359.50> EO-3: Target(tgt-3875) tasked for imaging
2025-10-16 18:32:26,992 sats.satellite.EO-3 INFO <1359.50> EO-3: Target(tgt-3875) window enabled: 1373.2 to 1505.0
2025-10-16 18:32:26,992 sats.satellite.EO-3 INFO <1359.50> EO-3: setting timed terminal event at 1505.0
2025-10-16 18:32:26,993 sats.satellite.EO-4 INFO <1359.50> EO-4: target index 11 tasked
2025-10-16 18:32:26,994 sats.satellite.EO-4 INFO <1359.50> EO-4: Target(tgt-2316) tasked for imaging
2025-10-16 18:32:26,994 sats.satellite.EO-4 INFO <1359.50> EO-4: Target(tgt-2316) window enabled: 1362.0 to 1464.1
2025-10-16 18:32:26,995 sats.satellite.EO-4 INFO <1359.50> EO-4: setting timed terminal event at 1464.1
2025-10-16 18:32:27,019 sats.satellite.EO-0 INFO <1390.50> EO-0: imaged Target(tgt-9340)
2025-10-16 18:32:27,022 data.base INFO <1390.50> Total reward: {'EO-0': np.float64(0.003951258183296353)}
2025-10-16 18:32:27,022 sats.satellite.EO-0 INFO <1390.50> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:27,032 gym INFO <1390.50> Step reward: {'EO-0': np.float64(0.003951258183296353)}
2025-10-16 18:32:27,032 gym INFO <1390.50> === STARTING STEP ===
2025-10-16 18:32:27,033 sats.satellite.EO-0 INFO <1390.50> EO-0: target index 14 tasked
2025-10-16 18:32:27,034 sats.satellite.EO-0 INFO <1390.50> EO-0: Target(tgt-1066) tasked for imaging
2025-10-16 18:32:27,034 sats.satellite.EO-0 INFO <1390.50> EO-0: Target(tgt-1066) window enabled: 1394.8 to 1488.0
2025-10-16 18:32:27,035 sats.satellite.EO-0 INFO <1390.50> EO-0: setting timed terminal event at 1488.0
2025-10-16 18:32:27,035 sats.satellite.EO-1 INFO <1390.50> EO-1: target index 21 tasked
2025-10-16 18:32:27,036 sats.satellite.EO-1 INFO <1390.50> EO-1: Target(tgt-6734) tasked for imaging
2025-10-16 18:32:27,038 sats.satellite.EO-1 INFO <1390.50> EO-1: Target(tgt-6734) window enabled: 1532.2 to 1622.6
2025-10-16 18:32:27,038 sats.satellite.EO-1 INFO <1390.50> EO-1: setting timed terminal event at 1622.6
2025-10-16 18:32:27,039 sats.satellite.EO-2 INFO <1390.50> EO-2: target index 29 tasked
2025-10-16 18:32:27,039 sats.satellite.EO-2 INFO <1390.50> EO-2: Target(tgt-4832) tasked for imaging
2025-10-16 18:32:27,041 sats.satellite.EO-2 INFO <1390.50> EO-2: Target(tgt-4832) window enabled: 1549.4 to 1670.2
2025-10-16 18:32:27,041 sats.satellite.EO-2 INFO <1390.50> EO-2: setting timed terminal event at 1670.2
2025-10-16 18:32:27,042 sats.satellite.EO-3 INFO <1390.50> EO-3: target index 20 tasked
2025-10-16 18:32:27,042 sats.satellite.EO-3 INFO <1390.50> EO-3: Target(tgt-6707) tasked for imaging
2025-10-16 18:32:27,043 sats.satellite.EO-3 INFO <1390.50> EO-3: Target(tgt-6707) window enabled: 1408.5 to 1538.1
2025-10-16 18:32:27,043 sats.satellite.EO-3 INFO <1390.50> EO-3: setting timed terminal event at 1538.1
2025-10-16 18:32:27,045 sats.satellite.EO-4 INFO <1390.50> EO-4: target index 27 tasked
2025-10-16 18:32:27,046 sats.satellite.EO-4 INFO <1390.50> EO-4: Target(tgt-5828) tasked for imaging
2025-10-16 18:32:27,046 sats.satellite.EO-4 INFO <1390.50> EO-4: Target(tgt-5828) window enabled: 1509.7 to 1631.3
2025-10-16 18:32:27,047 sats.satellite.EO-4 INFO <1390.50> EO-4: setting timed terminal event at 1631.3
2025-10-16 18:32:27,062 sats.satellite.EO-3 INFO <1412.00> EO-3: imaged Target(tgt-6707)
2025-10-16 18:32:27,066 data.base INFO <1412.00> Total reward: {'EO-3': np.float64(0.040934262444613644)}
2025-10-16 18:32:27,066 sats.satellite.EO-3 INFO <1412.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:27,077 gym INFO <1412.00> Step reward: {'EO-3': np.float64(0.040934262444613644)}
2025-10-16 18:32:27,077 gym INFO <1412.00> === STARTING STEP ===
2025-10-16 18:32:27,078 sats.satellite.EO-0 INFO <1412.00> EO-0: target index 28 tasked
2025-10-16 18:32:27,078 sats.satellite.EO-0 INFO <1412.00> EO-0: Target(tgt-8966) tasked for imaging
2025-10-16 18:32:27,079 sats.satellite.EO-0 INFO <1412.00> EO-0: Target(tgt-8966) window enabled: 1501.5 to 1630.0
2025-10-16 18:32:27,080 sats.satellite.EO-0 INFO <1412.00> EO-0: setting timed terminal event at 1630.0
2025-10-16 18:32:27,080 sats.satellite.EO-1 INFO <1412.00> EO-1: target index 16 tasked
2025-10-16 18:32:27,081 sats.satellite.EO-1 INFO <1412.00> EO-1: Target(tgt-5659) tasked for imaging
2025-10-16 18:32:27,083 sats.satellite.EO-1 INFO <1412.00> EO-1: Target(tgt-5659) window enabled: 1518.7 to 1604.3
2025-10-16 18:32:27,083 sats.satellite.EO-1 INFO <1412.00> EO-1: setting timed terminal event at 1604.3
2025-10-16 18:32:27,084 sats.satellite.EO-2 INFO <1412.00> EO-2: target index 16 tasked
2025-10-16 18:32:27,084 sats.satellite.EO-2 INFO <1412.00> EO-2: Target(tgt-9560) tasked for imaging
2025-10-16 18:32:27,085 sats.satellite.EO-2 INFO <1412.00> EO-2: Target(tgt-9560) window enabled: 1382.7 to 1512.0
2025-10-16 18:32:27,086 sats.satellite.EO-2 INFO <1412.00> EO-2: setting timed terminal event at 1512.0
2025-10-16 18:32:27,087 sats.satellite.EO-3 INFO <1412.00> EO-3: target index 21 tasked
2025-10-16 18:32:27,087 sats.satellite.EO-3 INFO <1412.00> EO-3: Target(tgt-8990) tasked for imaging
2025-10-16 18:32:27,088 sats.satellite.EO-3 INFO <1412.00> EO-3: Target(tgt-8990) window enabled: 1422.3 to 1553.8
2025-10-16 18:32:27,088 sats.satellite.EO-3 INFO <1412.00> EO-3: setting timed terminal event at 1553.8
2025-10-16 18:32:27,089 sats.satellite.EO-4 INFO <1412.00> EO-4: target index 11 tasked
2025-10-16 18:32:27,090 sats.satellite.EO-4 INFO <1412.00> EO-4: Target(tgt-9210) tasked for imaging
2025-10-16 18:32:27,090 sats.satellite.EO-4 INFO <1412.00> EO-4: Target(tgt-9210) window enabled: 1431.2 to 1500.5
2025-10-16 18:32:27,091 sats.satellite.EO-4 INFO <1412.00> EO-4: setting timed terminal event at 1500.5
2025-10-16 18:32:27,105 sats.satellite.EO-3 INFO <1430.50> EO-3: imaged Target(tgt-8990)
2025-10-16 18:32:27,108 data.base INFO <1430.50> Total reward: {'EO-3': np.float64(2.16637711739864e-05)}
2025-10-16 18:32:27,109 sats.satellite.EO-3 INFO <1430.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:27,119 gym INFO <1430.50> Step reward: {'EO-3': np.float64(2.16637711739864e-05)}
2025-10-16 18:32:27,119 gym INFO <1430.50> === STARTING STEP ===
2025-10-16 18:32:27,120 sats.satellite.EO-0 INFO <1430.50> EO-0: target index 24 tasked
2025-10-16 18:32:27,120 sats.satellite.EO-0 INFO <1430.50> EO-0: Target(tgt-3951) tasked for imaging
2025-10-16 18:32:27,121 sats.satellite.EO-0 INFO <1430.50> EO-0: Target(tgt-3951) window enabled: 1554.8 to 1604.0
2025-10-16 18:32:27,122 sats.satellite.EO-0 INFO <1430.50> EO-0: setting timed terminal event at 1604.0
2025-10-16 18:32:27,122 sats.satellite.EO-1 INFO <1430.50> EO-1: target index 27 tasked
2025-10-16 18:32:27,123 sats.satellite.EO-1 INFO <1430.50> EO-1: Target(tgt-5757) tasked for imaging
2025-10-16 18:32:27,124 sats.satellite.EO-1 INFO <1430.50> EO-1: Target(tgt-5757) window enabled: 1584.4 to 1703.7
2025-10-16 18:32:27,125 sats.satellite.EO-1 INFO <1430.50> EO-1: setting timed terminal event at 1703.7
2025-10-16 18:32:27,126 sats.satellite.EO-2 INFO <1430.50> EO-2: target index 19 tasked
2025-10-16 18:32:27,126 sats.satellite.EO-2 INFO <1430.50> EO-2: Target(tgt-4009) tasked for imaging
2025-10-16 18:32:27,127 sats.satellite.EO-2 INFO <1430.50> EO-2: Target(tgt-4009) window enabled: 1525.3 to 1617.3
2025-10-16 18:32:27,128 sats.satellite.EO-2 INFO <1430.50> EO-2: setting timed terminal event at 1617.3
2025-10-16 18:32:27,129 sats.satellite.EO-3 INFO <1430.50> EO-3: action_charge tasked for 60.0 seconds
2025-10-16 18:32:27,129 sats.satellite.EO-3 INFO <1430.50> EO-3: setting timed terminal event at 1490.5
2025-10-16 18:32:27,130 sats.satellite.EO-4 INFO <1430.50> EO-4: target index 27 tasked
2025-10-16 18:32:27,131 sats.satellite.EO-4 INFO <1430.50> EO-4: Target(tgt-8050) tasked for imaging
2025-10-16 18:32:27,132 sats.satellite.EO-4 INFO <1430.50> EO-4: Target(tgt-8050) window enabled: 1506.0 to 1634.3
2025-10-16 18:32:27,132 sats.satellite.EO-4 INFO <1430.50> EO-4: setting timed terminal event at 1634.3
2025-10-16 18:32:27,177 sats.satellite.EO-3 INFO <1490.50> EO-3: timed termination at 1490.5 for action_charge
2025-10-16 18:32:27,180 data.base INFO <1490.50> Total reward: {}
2025-10-16 18:32:27,180 sats.satellite.EO-3 INFO <1490.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:27,193 gym INFO <1490.50> Step reward: {}
2025-10-16 18:32:27,193 gym INFO <1490.50> === STARTING STEP ===
2025-10-16 18:32:27,194 sats.satellite.EO-0 INFO <1490.50> EO-0: target index 14 tasked
2025-10-16 18:32:27,194 sats.satellite.EO-0 INFO <1490.50> EO-0: Target(tgt-8966) tasked for imaging
2025-10-16 18:32:27,195 sats.satellite.EO-0 INFO <1490.50> EO-0: Target(tgt-8966) window enabled: 1501.5 to 1630.0
2025-10-16 18:32:27,195 sats.satellite.EO-0 INFO <1490.50> EO-0: setting timed terminal event at 1630.0
2025-10-16 18:32:27,196 sats.satellite.EO-1 INFO <1490.50> EO-1: target index 28 tasked
2025-10-16 18:32:27,197 sats.satellite.EO-1 INFO <1490.50> EO-1: Target(tgt-5618) tasked for imaging
2025-10-16 18:32:27,197 sats.satellite.EO-1 INFO <1490.50> EO-1: Target(tgt-5618) window enabled: 1610.9 to 1736.0
2025-10-16 18:32:27,198 sats.satellite.EO-1 INFO <1490.50> EO-1: setting timed terminal event at 1736.0
2025-10-16 18:32:27,198 sats.satellite.EO-2 INFO <1490.50> EO-2: target index 27 tasked
2025-10-16 18:32:27,199 sats.satellite.EO-2 INFO <1490.50> EO-2: Target(tgt-9549) tasked for imaging
2025-10-16 18:32:27,200 sats.satellite.EO-2 INFO <1490.50> EO-2: Target(tgt-9549) window enabled: 1676.4 to 1802.2
2025-10-16 18:32:27,202 sats.satellite.EO-2 INFO <1490.50> EO-2: setting timed terminal event at 1802.2
2025-10-16 18:32:27,202 sats.satellite.EO-3 INFO <1490.50> EO-3: target index 1 tasked
2025-10-16 18:32:27,203 sats.satellite.EO-3 INFO <1490.50> EO-3: Target(tgt-4300) tasked for imaging
2025-10-16 18:32:27,204 sats.satellite.EO-3 INFO <1490.50> EO-3: Target(tgt-4300) window enabled: 1364.8 to 1496.8
2025-10-16 18:32:27,204 sats.satellite.EO-3 INFO <1490.50> EO-3: setting timed terminal event at 1496.8
2025-10-16 18:32:27,205 sats.satellite.EO-4 INFO <1490.50> EO-4: target index 20 tasked
2025-10-16 18:32:27,206 sats.satellite.EO-4 INFO <1490.50> EO-4: Target(tgt-4934) tasked for imaging
2025-10-16 18:32:27,207 sats.satellite.EO-4 INFO <1490.50> EO-4: Target(tgt-4934) window enabled: 1542.0 to 1650.8
2025-10-16 18:32:27,207 sats.satellite.EO-4 INFO <1490.50> EO-4: setting timed terminal event at 1650.8
2025-10-16 18:32:27,213 sats.satellite.EO-3 INFO <1497.00> EO-3: timed termination at 1496.8 for Target(tgt-4300) window
2025-10-16 18:32:27,215 data.base INFO <1497.00> Total reward: {}
2025-10-16 18:32:27,216 sats.satellite.EO-3 INFO <1497.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:27,226 gym INFO <1497.00> Step reward: {}
2025-10-16 18:32:27,226 gym INFO <1497.00> === STARTING STEP ===
2025-10-16 18:32:27,227 sats.satellite.EO-0 INFO <1497.00> EO-0: target index 18 tasked
2025-10-16 18:32:27,227 sats.satellite.EO-0 INFO <1497.00> EO-0: Target(tgt-6507) tasked for imaging
2025-10-16 18:32:27,228 sats.satellite.EO-0 INFO <1497.00> EO-0: Target(tgt-6507) window enabled: 1523.1 to 1653.3
2025-10-16 18:32:27,229 sats.satellite.EO-0 INFO <1497.00> EO-0: setting timed terminal event at 1653.3
2025-10-16 18:32:27,230 sats.satellite.EO-1 INFO <1497.00> EO-1: target index 16 tasked
2025-10-16 18:32:27,230 sats.satellite.EO-1 INFO <1497.00> EO-1: Target(tgt-670) tasked for imaging
2025-10-16 18:32:27,231 sats.satellite.EO-1 INFO <1497.00> EO-1: Target(tgt-670) window enabled: 1550.4 to 1665.6
2025-10-16 18:32:27,231 sats.satellite.EO-1 INFO <1497.00> EO-1: setting timed terminal event at 1665.6
2025-10-16 18:32:27,232 sats.satellite.EO-2 INFO <1497.00> EO-2: target index 21 tasked
2025-10-16 18:32:27,232 sats.satellite.EO-2 INFO <1497.00> EO-2: Target(tgt-5693) tasked for imaging
2025-10-16 18:32:27,233 sats.satellite.EO-2 INFO <1497.00> EO-2: Target(tgt-5693) window enabled: 1691.6 to 1772.6
2025-10-16 18:32:27,234 sats.satellite.EO-2 INFO <1497.00> EO-2: setting timed terminal event at 1772.6
2025-10-16 18:32:27,235 sats.satellite.EO-3 INFO <1497.00> EO-3: target index 30 tasked
2025-10-16 18:32:27,235 sats.satellite.EO-3 INFO <1497.00> EO-3: Target(tgt-1763) tasked for imaging
2025-10-16 18:32:27,236 sats.satellite.EO-3 INFO <1497.00> EO-3: Target(tgt-1763) window enabled: 1590.8 to 1715.4
2025-10-16 18:32:27,237 sats.satellite.EO-3 INFO <1497.00> EO-3: setting timed terminal event at 1715.4
2025-10-16 18:32:27,238 sats.satellite.EO-4 INFO <1497.00> EO-4: target index 21 tasked
2025-10-16 18:32:27,238 sats.satellite.EO-4 INFO <1497.00> EO-4: Target(tgt-473) tasked for imaging
2025-10-16 18:32:27,239 sats.satellite.EO-4 INFO <1497.00> EO-4: Target(tgt-473) window enabled: 1558.7 to 1664.1
2025-10-16 18:32:27,239 sats.satellite.EO-4 INFO <1497.00> EO-4: setting timed terminal event at 1664.1
2025-10-16 18:32:27,258 sats.satellite.EO-0 INFO <1524.50> EO-0: imaged Target(tgt-6507)
2025-10-16 18:32:27,261 data.base INFO <1524.50> Total reward: {'EO-0': np.float64(0.0011283093789746321)}
2025-10-16 18:32:27,262 sats.satellite.EO-0 INFO <1524.50> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:27,272 gym INFO <1524.50> Step reward: {'EO-0': np.float64(0.0011283093789746321)}
2025-10-16 18:32:27,273 gym INFO <1524.50> === STARTING STEP ===
2025-10-16 18:32:27,274 sats.satellite.EO-0 INFO <1524.50> EO-0: target index 17 tasked
2025-10-16 18:32:27,274 sats.satellite.EO-0 INFO <1524.50> EO-0: Target(tgt-2728) tasked for imaging
2025-10-16 18:32:27,275 sats.satellite.EO-0 INFO <1524.50> EO-0: Target(tgt-2728) window enabled: 1610.6 to 1665.5
2025-10-16 18:32:27,276 sats.satellite.EO-0 INFO <1524.50> EO-0: setting timed terminal event at 1665.5
2025-10-16 18:32:27,276 sats.satellite.EO-1 INFO <1524.50> EO-1: target index 21 tasked
2025-10-16 18:32:27,277 sats.satellite.EO-1 INFO <1524.50> EO-1: Target(tgt-5757) tasked for imaging
2025-10-16 18:32:27,278 sats.satellite.EO-1 INFO <1524.50> EO-1: Target(tgt-5757) window enabled: 1584.4 to 1703.7
2025-10-16 18:32:27,278 sats.satellite.EO-1 INFO <1524.50> EO-1: setting timed terminal event at 1703.7
2025-10-16 18:32:27,279 sats.satellite.EO-2 INFO <1524.50> EO-2: target index 2 tasked
2025-10-16 18:32:27,280 sats.satellite.EO-2 INFO <1524.50> EO-2: Target(tgt-4009) tasked for imaging
2025-10-16 18:32:27,281 sats.satellite.EO-2 INFO <1524.50> EO-2: Target(tgt-4009) window enabled: 1525.3 to 1617.3
2025-10-16 18:32:27,281 sats.satellite.EO-2 INFO <1524.50> EO-2: setting timed terminal event at 1617.3
2025-10-16 18:32:27,282 sats.satellite.EO-3 INFO <1524.50> EO-3: target index 26 tasked
2025-10-16 18:32:27,283 sats.satellite.EO-3 INFO <1524.50> EO-3: Target(tgt-8615) tasked for imaging
2025-10-16 18:32:27,284 sats.satellite.EO-3 INFO <1524.50> EO-3: Target(tgt-8615) window enabled: 1599.9 to 1712.8
2025-10-16 18:32:27,284 sats.satellite.EO-3 INFO <1524.50> EO-3: setting timed terminal event at 1712.8
2025-10-16 18:32:27,285 sats.satellite.EO-4 INFO <1524.50> EO-4: target index 12 tasked
2025-10-16 18:32:27,285 sats.satellite.EO-4 INFO <1524.50> EO-4: Target(tgt-6100) tasked for imaging
2025-10-16 18:32:27,286 sats.satellite.EO-4 INFO <1524.50> EO-4: Target(tgt-6100) window enabled: 1501.7 to 1629.7
2025-10-16 18:32:27,287 sats.satellite.EO-4 INFO <1524.50> EO-4: setting timed terminal event at 1629.7
2025-10-16 18:32:27,310 sats.satellite.EO-4 INFO <1555.50> EO-4: imaged Target(tgt-6100)
2025-10-16 18:32:27,313 data.base INFO <1555.50> Total reward: {'EO-4': np.float64(0.04466933166859323)}
2025-10-16 18:32:27,314 sats.satellite.EO-4 INFO <1555.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:27,324 gym INFO <1555.50> Step reward: {'EO-4': np.float64(0.04466933166859323)}
2025-10-16 18:32:27,325 gym INFO <1555.50> === STARTING STEP ===
2025-10-16 18:32:27,325 sats.satellite.EO-0 INFO <1555.50> EO-0: target index 19 tasked
2025-10-16 18:32:27,326 sats.satellite.EO-0 INFO <1555.50> EO-0: Target(tgt-8297) tasked for imaging
2025-10-16 18:32:27,326 sats.satellite.EO-0 INFO <1555.50> EO-0: Target(tgt-8297) window enabled: 1561.5 to 1692.8
2025-10-16 18:32:27,327 sats.satellite.EO-0 INFO <1555.50> EO-0: setting timed terminal event at 1692.8
2025-10-16 18:32:27,328 sats.satellite.EO-1 INFO <1555.50> EO-1: target index 1 tasked
2025-10-16 18:32:27,328 sats.satellite.EO-1 INFO <1555.50> EO-1: Target(tgt-6701) tasked for imaging
2025-10-16 18:32:27,329 sats.satellite.EO-1 INFO <1555.50> EO-1: Target(tgt-6701) window enabled: 1442.8 to 1569.9
2025-10-16 18:32:27,329 sats.satellite.EO-1 INFO <1555.50> EO-1: setting timed terminal event at 1569.9
2025-10-16 18:32:27,330 sats.satellite.EO-2 INFO <1555.50> EO-2: target index 21 tasked
2025-10-16 18:32:27,330 sats.satellite.EO-2 INFO <1555.50> EO-2: Target(tgt-8566) tasked for imaging
2025-10-16 18:32:27,331 sats.satellite.EO-2 INFO <1555.50> EO-2: Target(tgt-8566) window enabled: 1656.4 to 1775.5
2025-10-16 18:32:27,331 sats.satellite.EO-2 INFO <1555.50> EO-2: setting timed terminal event at 1775.5
2025-10-16 18:32:27,333 sats.satellite.EO-3 INFO <1555.50> EO-3: target index 17 tasked
2025-10-16 18:32:27,333 sats.satellite.EO-3 INFO <1555.50> EO-3: Target(tgt-3415) tasked for imaging
2025-10-16 18:32:27,334 sats.satellite.EO-3 INFO <1555.50> EO-3: Target(tgt-3415) window enabled: 1561.5 to 1693.0
2025-10-16 18:32:27,334 sats.satellite.EO-3 INFO <1555.50> EO-3: setting timed terminal event at 1693.0
2025-10-16 18:32:27,335 sats.satellite.EO-4 INFO <1555.50> EO-4: target index 23 tasked
2025-10-16 18:32:27,335 sats.satellite.EO-4 INFO <1555.50> EO-4: Target(tgt-3186) tasked for imaging
2025-10-16 18:32:27,336 sats.satellite.EO-4 INFO <1555.50> EO-4: Target(tgt-3186) window enabled: 1630.4 to 1759.0
2025-10-16 18:32:27,336 sats.satellite.EO-4 INFO <1555.50> EO-4: setting timed terminal event at 1759.0
2025-10-16 18:32:27,349 sats.satellite.EO-1 INFO <1570.00> EO-1: timed termination at 1569.9 for Target(tgt-6701) window
2025-10-16 18:32:27,352 data.base INFO <1570.00> Total reward: {}
2025-10-16 18:32:27,352 sats.satellite.EO-1 INFO <1570.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:27,363 gym INFO <1570.00> Step reward: {}
2025-10-16 18:32:27,363 gym INFO <1570.00> === STARTING STEP ===
2025-10-16 18:32:27,364 sats.satellite.EO-0 INFO <1570.00> EO-0: target index 27 tasked
2025-10-16 18:32:27,364 sats.satellite.EO-0 INFO <1570.00> EO-0: Target(tgt-1673) tasked for imaging
2025-10-16 18:32:27,365 sats.satellite.EO-0 INFO <1570.00> EO-0: Target(tgt-1673) window enabled: 1660.4 to 1767.2
2025-10-16 18:32:27,365 sats.satellite.EO-0 INFO <1570.00> EO-0: setting timed terminal event at 1767.2
2025-10-16 18:32:27,366 sats.satellite.EO-1 INFO <1570.00> EO-1: target index 14 tasked
2025-10-16 18:32:27,367 sats.satellite.EO-1 INFO <1570.00> EO-1: Target(tgt-6875) tasked for imaging
2025-10-16 18:32:27,368 sats.satellite.EO-1 INFO <1570.00> EO-1: Target(tgt-6875) window enabled: 1549.5 to 1674.9
2025-10-16 18:32:27,368 sats.satellite.EO-1 INFO <1570.00> EO-1: setting timed terminal event at 1674.9
2025-10-16 18:32:27,369 sats.satellite.EO-2 INFO <1570.00> EO-2: target index 14 tasked
2025-10-16 18:32:27,370 sats.satellite.EO-2 INFO <1570.00> EO-2: Target(tgt-1295) tasked for imaging
2025-10-16 18:32:27,370 sats.satellite.EO-2 INFO <1570.00> EO-2: Target(tgt-1295) window enabled: 1598.6 to 1702.9
2025-10-16 18:32:27,371 sats.satellite.EO-2 INFO <1570.00> EO-2: setting timed terminal event at 1702.9
2025-10-16 18:32:27,372 sats.satellite.EO-3 INFO <1570.00> EO-3: target index 1 tasked
2025-10-16 18:32:27,372 sats.satellite.EO-3 INFO <1570.00> EO-3: Target(tgt-478) tasked for imaging
2025-10-16 18:32:27,373 sats.satellite.EO-3 INFO <1570.00> EO-3: Target(tgt-478) window enabled: 1592.5 to 1604.4
2025-10-16 18:32:27,374 sats.satellite.EO-3 INFO <1570.00> EO-3: setting timed terminal event at 1604.4
2025-10-16 18:32:27,374 sats.satellite.EO-4 INFO <1570.00> EO-4: target index 27 tasked
2025-10-16 18:32:27,375 sats.satellite.EO-4 INFO <1570.00> EO-4: Target(tgt-3106) tasked for imaging
2025-10-16 18:32:27,376 sats.satellite.EO-4 INFO <1570.00> EO-4: Target(tgt-3106) window enabled: 1663.6 to 1790.1
2025-10-16 18:32:27,376 sats.satellite.EO-4 INFO <1570.00> EO-4: setting timed terminal event at 1790.1
2025-10-16 18:32:27,400 sats.satellite.EO-1 INFO <1600.00> EO-1: imaged Target(tgt-6875)
2025-10-16 18:32:27,400 sats.satellite.EO-2 INFO <1600.00> EO-2: imaged Target(tgt-1295)
2025-10-16 18:32:27,403 data.base INFO <1600.00> Total reward: {'EO-2': np.float64(0.01100264114339842)}
2025-10-16 18:32:27,403 sats.satellite.EO-1 INFO <1600.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:27,404 sats.satellite.EO-2 INFO <1600.00> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:27,416 gym INFO <1600.00> Step reward: {'EO-2': np.float64(0.01100264114339842)}
2025-10-16 18:32:27,416 gym INFO <1600.00> === STARTING STEP ===
2025-10-16 18:32:27,417 sats.satellite.EO-0 INFO <1600.00> EO-0: target index 13 tasked
2025-10-16 18:32:27,417 sats.satellite.EO-0 INFO <1600.00> EO-0: Target(tgt-2870) tasked for imaging
2025-10-16 18:32:27,418 sats.satellite.EO-0 INFO <1600.00> EO-0: Target(tgt-2870) window enabled: 1545.5 to 1676.7
2025-10-16 18:32:27,418 sats.satellite.EO-0 INFO <1600.00> EO-0: setting timed terminal event at 1676.7
2025-10-16 18:32:27,419 sats.satellite.EO-1 INFO <1600.00> EO-1: target index 0 tasked
2025-10-16 18:32:27,420 sats.satellite.EO-1 INFO <1600.00> EO-1: Target(tgt-5659) tasked for imaging
2025-10-16 18:32:27,421 sats.satellite.EO-1 INFO <1600.00> EO-1: Target(tgt-5659) window enabled: 1518.7 to 1604.3
2025-10-16 18:32:27,421 sats.satellite.EO-1 INFO <1600.00> EO-1: setting timed terminal event at 1604.3
2025-10-16 18:32:27,422 sats.satellite.EO-2 INFO <1600.00> EO-2: target index 8 tasked
2025-10-16 18:32:27,423 sats.satellite.EO-2 INFO <1600.00> EO-2: Target(tgt-9085) tasked for imaging
2025-10-16 18:32:27,424 sats.satellite.EO-2 INFO <1600.00> EO-2: Target(tgt-9085) window enabled: 1628.3 to 1677.1
2025-10-16 18:32:27,425 sats.satellite.EO-2 INFO <1600.00> EO-2: setting timed terminal event at 1677.1
2025-10-16 18:32:27,425 sats.satellite.EO-3 INFO <1600.00> EO-3: target index 18 tasked
2025-10-16 18:32:27,426 sats.satellite.EO-3 INFO <1600.00> EO-3: Target(tgt-2335) tasked for imaging
2025-10-16 18:32:27,427 sats.satellite.EO-3 INFO <1600.00> EO-3: Target(tgt-2335) window enabled: 1605.3 to 1703.6
2025-10-16 18:32:27,427 sats.satellite.EO-3 INFO <1600.00> EO-3: setting timed terminal event at 1703.6
2025-10-16 18:32:27,428 sats.satellite.EO-4 INFO <1600.00> EO-4: target index 16 tasked
2025-10-16 18:32:27,429 sats.satellite.EO-4 INFO <1600.00> EO-4: Target(tgt-7526) tasked for imaging
2025-10-16 18:32:27,429 sats.satellite.EO-4 INFO <1600.00> EO-4: Target(tgt-7526) window enabled: 1618.4 to 1729.6
2025-10-16 18:32:27,430 sats.satellite.EO-4 INFO <1600.00> EO-4: setting timed terminal event at 1729.6
2025-10-16 18:32:27,435 sats.satellite.EO-1 INFO <1604.50> EO-1: timed termination at 1604.3 for Target(tgt-5659) window
2025-10-16 18:32:27,438 data.base INFO <1604.50> Total reward: {}
2025-10-16 18:32:27,438 sats.satellite.EO-1 INFO <1604.50> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:27,449 gym INFO <1604.50> Step reward: {}
2025-10-16 18:32:27,449 gym INFO <1604.50> === STARTING STEP ===
2025-10-16 18:32:27,450 sats.satellite.EO-0 INFO <1604.50> EO-0: target index 9 tasked
2025-10-16 18:32:27,450 sats.satellite.EO-0 INFO <1604.50> EO-0: Target(tgt-5600) tasked for imaging
2025-10-16 18:32:27,451 sats.satellite.EO-0 INFO <1604.50> EO-0: Target(tgt-5600) window enabled: 1568.6 to 1666.5
2025-10-16 18:32:27,451 sats.satellite.EO-0 INFO <1604.50> EO-0: setting timed terminal event at 1666.5
2025-10-16 18:32:27,452 sats.satellite.EO-1 INFO <1604.50> EO-1: target index 2 tasked
2025-10-16 18:32:27,453 sats.satellite.EO-1 INFO <1604.50> EO-1: Target(tgt-6734) tasked for imaging
2025-10-16 18:32:27,454 sats.satellite.EO-1 INFO <1604.50> EO-1: Target(tgt-6734) window enabled: 1532.2 to 1622.6
2025-10-16 18:32:27,454 sats.satellite.EO-1 INFO <1604.50> EO-1: setting timed terminal event at 1622.6
2025-10-16 18:32:27,455 sats.satellite.EO-2 INFO <1604.50> EO-2: target index 0 tasked
2025-10-16 18:32:27,455 sats.satellite.EO-2 INFO <1604.50> EO-2: Target(tgt-4009) tasked for imaging
2025-10-16 18:32:27,456 sats.satellite.EO-2 INFO <1604.50> EO-2: Target(tgt-4009) window enabled: 1525.3 to 1617.3
2025-10-16 18:32:27,456 sats.satellite.EO-2 INFO <1604.50> EO-2: setting timed terminal event at 1617.3
2025-10-16 18:32:27,458 sats.satellite.EO-3 INFO <1604.50> EO-3: target index 3 tasked
2025-10-16 18:32:27,459 sats.satellite.EO-3 INFO <1604.50> EO-3: Target(tgt-6103) tasked for imaging
2025-10-16 18:32:27,459 sats.satellite.EO-3 INFO <1604.50> EO-3: Target(tgt-6103) window enabled: 1507.9 to 1625.8
2025-10-16 18:32:27,460 sats.satellite.EO-3 INFO <1604.50> EO-3: setting timed terminal event at 1625.8
2025-10-16 18:32:27,461 sats.satellite.EO-4 INFO <1604.50> EO-4: target index 10 tasked
2025-10-16 18:32:27,461 sats.satellite.EO-4 INFO <1604.50> EO-4: Target(tgt-4835) tasked for imaging
2025-10-16 18:32:27,462 sats.satellite.EO-4 INFO <1604.50> EO-4: Target(tgt-4835) window enabled: 1605.4 to 1689.6
2025-10-16 18:32:27,462 sats.satellite.EO-4 INFO <1604.50> EO-4: setting timed terminal event at 1689.6
2025-10-16 18:32:27,473 sats.satellite.EO-2 INFO <1617.50> EO-2: timed termination at 1617.3 for Target(tgt-4009) window
2025-10-16 18:32:27,476 data.base INFO <1617.50> Total reward: {}
2025-10-16 18:32:27,476 sats.satellite.EO-2 INFO <1617.50> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:27,488 gym INFO <1617.50> Step reward: {}
2025-10-16 18:32:27,489 gym INFO <1617.50> === STARTING STEP ===
2025-10-16 18:32:27,489 sats.satellite.EO-0 INFO <1617.50> EO-0: target index 20 tasked
2025-10-16 18:32:27,490 sats.satellite.EO-0 INFO <1617.50> EO-0: Target(tgt-2092) tasked for imaging
2025-10-16 18:32:27,491 sats.satellite.EO-0 INFO <1617.50> EO-0: Target(tgt-2092) window enabled: 1674.5 to 1759.2
2025-10-16 18:32:27,491 sats.satellite.EO-0 INFO <1617.50> EO-0: setting timed terminal event at 1759.2
2025-10-16 18:32:27,492 sats.satellite.EO-1 INFO <1617.50> EO-1: target index 0 tasked
2025-10-16 18:32:27,492 sats.satellite.EO-1 INFO <1617.50> EO-1: Target(tgt-6734) window enabled: 1532.2 to 1622.6
2025-10-16 18:32:27,493 sats.satellite.EO-1 INFO <1617.50> EO-1: setting timed terminal event at 1622.6
2025-10-16 18:32:27,494 sats.satellite.EO-2 INFO <1617.50> EO-2: target index 27 tasked
2025-10-16 18:32:27,494 sats.satellite.EO-2 INFO <1617.50> EO-2: Target(tgt-8338) tasked for imaging
2025-10-16 18:32:27,496 sats.satellite.EO-2 INFO <1617.50> EO-2: Target(tgt-8338) window enabled: 1708.6 to 1820.7
2025-10-16 18:32:27,497 sats.satellite.EO-2 INFO <1617.50> EO-2: setting timed terminal event at 1820.7
2025-10-16 18:32:27,497 sats.satellite.EO-3 INFO <1617.50> EO-3: target index 17 tasked
2025-10-16 18:32:27,498 sats.satellite.EO-3 INFO <1617.50> EO-3: Target(tgt-8615) tasked for imaging
2025-10-16 18:32:27,499 sats.satellite.EO-3 INFO <1617.50> EO-3: Target(tgt-8615) window enabled: 1599.9 to 1712.8
2025-10-16 18:32:27,499 sats.satellite.EO-3 INFO <1617.50> EO-3: setting timed terminal event at 1712.8
2025-10-16 18:32:27,500 sats.satellite.EO-4 INFO <1617.50> EO-4: target index 11 tasked
2025-10-16 18:32:27,501 sats.satellite.EO-4 INFO <1617.50> EO-4: Target(tgt-603) tasked for imaging
2025-10-16 18:32:27,501 sats.satellite.EO-4 INFO <1617.50> EO-4: Target(tgt-603) window enabled: 1645.2 to 1705.4
2025-10-16 18:32:27,502 sats.satellite.EO-4 INFO <1617.50> EO-4: setting timed terminal event at 1705.4
2025-10-16 18:32:27,507 sats.satellite.EO-1 INFO <1623.00> EO-1: timed termination at 1622.6 for Target(tgt-6734) window
2025-10-16 18:32:27,510 data.base INFO <1623.00> Total reward: {}
2025-10-16 18:32:27,510 sats.satellite.EO-1 INFO <1623.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:27,521 gym INFO <1623.00> Step reward: {}
2025-10-16 18:32:27,521 gym INFO <1623.00> === STARTING STEP ===
2025-10-16 18:32:27,522 sats.satellite.EO-0 INFO <1623.00> EO-0: target index 21 tasked
2025-10-16 18:32:27,522 sats.satellite.EO-0 INFO <1623.00> EO-0: Target(tgt-3323) tasked for imaging
2025-10-16 18:32:27,523 sats.satellite.EO-0 INFO <1623.00> EO-0: Target(tgt-3323) window enabled: 1674.8 to 1762.6
2025-10-16 18:32:27,523 sats.satellite.EO-0 INFO <1623.00> EO-0: setting timed terminal event at 1762.6
2025-10-16 18:32:27,524 sats.satellite.EO-1 INFO <1623.00> EO-1: target index 28 tasked
2025-10-16 18:32:27,525 sats.satellite.EO-1 INFO <1623.00> EO-1: Target(tgt-7935) tasked for imaging
2025-10-16 18:32:27,526 sats.satellite.EO-1 INFO <1623.00> EO-1: Target(tgt-7935) window enabled: 1824.3 to 1885.6
2025-10-16 18:32:27,527 sats.satellite.EO-1 INFO <1623.00> EO-1: setting timed terminal event at 1885.6
2025-10-16 18:32:27,528 sats.satellite.EO-2 INFO <1623.00> EO-2: target index 23 tasked
2025-10-16 18:32:27,528 sats.satellite.EO-2 INFO <1623.00> EO-2: Target(tgt-9009) tasked for imaging
2025-10-16 18:32:27,529 sats.satellite.EO-2 INFO <1623.00> EO-2: Target(tgt-9009) window enabled: 1681.6 to 1808.6
2025-10-16 18:32:27,530 sats.satellite.EO-2 INFO <1623.00> EO-2: setting timed terminal event at 1808.6
2025-10-16 18:32:27,530 sats.satellite.EO-3 INFO <1623.00> EO-3: target index 3 tasked
2025-10-16 18:32:27,531 sats.satellite.EO-3 INFO <1623.00> EO-3: Target(tgt-3013) tasked for imaging
2025-10-16 18:32:27,532 sats.satellite.EO-3 INFO <1623.00> EO-3: Target(tgt-3013) window enabled: 1522.5 to 1641.5
2025-10-16 18:32:27,532 sats.satellite.EO-3 INFO <1623.00> EO-3: setting timed terminal event at 1641.5
2025-10-16 18:32:27,533 sats.satellite.EO-4 INFO <1623.00> EO-4: target index 3 tasked
2025-10-16 18:32:27,533 sats.satellite.EO-4 INFO <1623.00> EO-4: Target(tgt-8050) tasked for imaging
2025-10-16 18:32:27,534 sats.satellite.EO-4 INFO <1623.00> EO-4: Target(tgt-8050) window enabled: 1506.0 to 1634.3
2025-10-16 18:32:27,534 sats.satellite.EO-4 INFO <1623.00> EO-4: setting timed terminal event at 1634.3
2025-10-16 18:32:27,544 sats.satellite.EO-4 INFO <1634.50> EO-4: timed termination at 1634.3 for Target(tgt-8050) window
2025-10-16 18:32:27,547 data.base INFO <1634.50> Total reward: {}
2025-10-16 18:32:27,547 sats.satellite.EO-4 INFO <1634.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:27,558 gym INFO <1634.50> Step reward: {}
2025-10-16 18:32:27,558 gym INFO <1634.50> === STARTING STEP ===
2025-10-16 18:32:27,559 sats.satellite.EO-0 INFO <1634.50> EO-0: target index 28 tasked
2025-10-16 18:32:27,559 sats.satellite.EO-0 INFO <1634.50> EO-0: Target(tgt-121) tasked for imaging
2025-10-16 18:32:27,561 sats.satellite.EO-0 INFO <1634.50> EO-0: Target(tgt-121) window enabled: 1687.9 to 1800.0
2025-10-16 18:32:27,561 sats.satellite.EO-0 INFO <1634.50> EO-0: setting timed terminal event at 1800.0
2025-10-16 18:32:27,562 sats.satellite.EO-1 INFO <1634.50> EO-1: target index 18 tasked
2025-10-16 18:32:27,562 sats.satellite.EO-1 INFO <1634.50> EO-1: Target(tgt-4083) tasked for imaging
2025-10-16 18:32:27,564 sats.satellite.EO-1 INFO <1634.50> EO-1: Target(tgt-4083) window enabled: 1650.2 to 1780.0
2025-10-16 18:32:27,564 sats.satellite.EO-1 INFO <1634.50> EO-1: setting timed terminal event at 1780.0
2025-10-16 18:32:27,565 sats.satellite.EO-2 INFO <1634.50> EO-2: target index 22 tasked
2025-10-16 18:32:27,566 sats.satellite.EO-2 INFO <1634.50> EO-2: Target(tgt-6071) tasked for imaging
2025-10-16 18:32:27,566 sats.satellite.EO-2 INFO <1634.50> EO-2: Target(tgt-6071) window enabled: 1688.7 to 1816.4
2025-10-16 18:32:27,567 sats.satellite.EO-2 INFO <1634.50> EO-2: setting timed terminal event at 1816.4
2025-10-16 18:32:27,568 sats.satellite.EO-3 INFO <1634.50> EO-3: target index 17 tasked
2025-10-16 18:32:27,568 sats.satellite.EO-3 INFO <1634.50> EO-3: Target(tgt-8501) tasked for imaging
2025-10-16 18:32:27,569 sats.satellite.EO-3 INFO <1634.50> EO-3: Target(tgt-8501) window enabled: 1613.5 to 1739.8
2025-10-16 18:32:27,569 sats.satellite.EO-3 INFO <1634.50> EO-3: setting timed terminal event at 1739.8
2025-10-16 18:32:27,570 sats.satellite.EO-4 INFO <1634.50> EO-4: target index 18 tasked
2025-10-16 18:32:27,570 sats.satellite.EO-4 INFO <1634.50> EO-4: Target(tgt-5220) tasked for imaging
2025-10-16 18:32:27,572 sats.satellite.EO-4 INFO <1634.50> EO-4: Target(tgt-5220) window enabled: 1762.1 to 1788.8
2025-10-16 18:32:27,573 sats.satellite.EO-4 INFO <1634.50> EO-4: setting timed terminal event at 1788.8
2025-10-16 18:32:27,608 sats.satellite.EO-3 INFO <1685.50> EO-3: imaged Target(tgt-8501)
2025-10-16 18:32:27,612 data.base INFO <1685.50> Total reward: {'EO-3': np.float64(0.15757630330279082)}
2025-10-16 18:32:27,612 sats.satellite.EO-3 INFO <1685.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:27,623 gym INFO <1685.50> Step reward: {'EO-3': np.float64(0.15757630330279082)}
2025-10-16 18:32:27,624 gym INFO <1685.50> === STARTING STEP ===
2025-10-16 18:32:27,624 sats.satellite.EO-0 INFO <1685.50> EO-0: target index 0 tasked
2025-10-16 18:32:27,625 sats.satellite.EO-0 INFO <1685.50> EO-0: Target(tgt-3100) tasked for imaging
2025-10-16 18:32:27,626 sats.satellite.EO-0 INFO <1685.50> EO-0: Target(tgt-3100) window enabled: 1566.6 to 1687.4
2025-10-16 18:32:27,627 sats.satellite.EO-0 INFO <1685.50> EO-0: setting timed terminal event at 1687.4
2025-10-16 18:32:27,628 sats.satellite.EO-1 INFO <1685.50> EO-1: target index 29 tasked
2025-10-16 18:32:27,628 sats.satellite.EO-1 INFO <1685.50> EO-1: Target(tgt-1258) tasked for imaging
2025-10-16 18:32:27,629 sats.satellite.EO-1 INFO <1685.50> EO-1: Target(tgt-1258) window enabled: 1865.1 to 1988.4
2025-10-16 18:32:27,629 sats.satellite.EO-1 INFO <1685.50> EO-1: setting timed terminal event at 1988.4
2025-10-16 18:32:27,630 sats.satellite.EO-2 INFO <1685.50> EO-2: target index 13 tasked
2025-10-16 18:32:27,630 sats.satellite.EO-2 INFO <1685.50> EO-2: Target(tgt-1254) tasked for imaging
2025-10-16 18:32:27,631 sats.satellite.EO-2 INFO <1685.50> EO-2: Target(tgt-1254) window enabled: 1755.1 to 1809.8
2025-10-16 18:32:27,631 sats.satellite.EO-2 INFO <1685.50> EO-2: setting timed terminal event at 1809.8
2025-10-16 18:32:27,633 sats.satellite.EO-3 INFO <1685.50> EO-3: target index 8 tasked
2025-10-16 18:32:27,634 sats.satellite.EO-3 INFO <1685.50> EO-3: Target(tgt-9568) tasked for imaging
2025-10-16 18:32:27,634 sats.satellite.EO-3 INFO <1685.50> EO-3: Target(tgt-9568) window enabled: 1689.7 to 1741.4
2025-10-16 18:32:27,635 sats.satellite.EO-3 INFO <1685.50> EO-3: setting timed terminal event at 1741.4
2025-10-16 18:32:27,636 sats.satellite.EO-4 INFO <1685.50> EO-4: target index 18 tasked
2025-10-16 18:32:27,636 sats.satellite.EO-4 INFO <1685.50> EO-4: Target(tgt-3995) tasked for imaging
2025-10-16 18:32:27,637 sats.satellite.EO-4 INFO <1685.50> EO-4: Target(tgt-3995) window enabled: 1732.8 to 1814.6
2025-10-16 18:32:27,637 sats.satellite.EO-4 INFO <1685.50> EO-4: setting timed terminal event at 1814.6
2025-10-16 18:32:27,641 sats.satellite.EO-0 INFO <1687.50> EO-0: timed termination at 1687.4 for Target(tgt-3100) window
2025-10-16 18:32:27,643 data.base INFO <1687.50> Total reward: {}
2025-10-16 18:32:27,644 sats.satellite.EO-0 INFO <1687.50> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:27,654 gym INFO <1687.50> Step reward: {}
2025-10-16 18:32:27,655 gym INFO <1687.50> === STARTING STEP ===
2025-10-16 18:32:27,656 sats.satellite.EO-0 INFO <1687.50> EO-0: target index 4 tasked
2025-10-16 18:32:27,656 sats.satellite.EO-0 INFO <1687.50> EO-0: Target(tgt-1218) tasked for imaging
2025-10-16 18:32:27,657 sats.satellite.EO-0 INFO <1687.50> EO-0: Target(tgt-1218) window enabled: 1614.9 to 1741.6
2025-10-16 18:32:27,657 sats.satellite.EO-0 INFO <1687.50> EO-0: setting timed terminal event at 1741.6
2025-10-16 18:32:27,658 sats.satellite.EO-1 INFO <1687.50> EO-1: target index 0 tasked
2025-10-16 18:32:27,658 sats.satellite.EO-1 INFO <1687.50> EO-1: Target(tgt-5319) tasked for imaging
2025-10-16 18:32:27,659 sats.satellite.EO-1 INFO <1687.50> EO-1: Target(tgt-5319) window enabled: 1560.2 to 1687.7
2025-10-16 18:32:27,659 sats.satellite.EO-1 INFO <1687.50> EO-1: setting timed terminal event at 1687.7
2025-10-16 18:32:27,661 sats.satellite.EO-2 INFO <1687.50> EO-2: target index 2 tasked
2025-10-16 18:32:27,662 sats.satellite.EO-2 INFO <1687.50> EO-2: Target(tgt-310) tasked for imaging
2025-10-16 18:32:27,662 sats.satellite.EO-2 INFO <1687.50> EO-2: Target(tgt-310) window enabled: 1598.3 to 1716.2
2025-10-16 18:32:27,663 sats.satellite.EO-2 INFO <1687.50> EO-2: setting timed terminal event at 1716.2
2025-10-16 18:32:27,664 sats.satellite.EO-3 INFO <1687.50> EO-3: target index 10 tasked
2025-10-16 18:32:27,664 sats.satellite.EO-3 INFO <1687.50> EO-3: Target(tgt-2505) tasked for imaging
2025-10-16 18:32:27,665 sats.satellite.EO-3 INFO <1687.50> EO-3: Target(tgt-2505) window enabled: 1699.2 to 1752.8
2025-10-16 18:32:27,665 sats.satellite.EO-3 INFO <1687.50> EO-3: setting timed terminal event at 1752.8
2025-10-16 18:32:27,666 sats.satellite.EO-4 INFO <1687.50> EO-4: target index 19 tasked
2025-10-16 18:32:27,667 sats.satellite.EO-4 INFO <1687.50> EO-4: Target(tgt-8357) tasked for imaging
2025-10-16 18:32:27,667 sats.satellite.EO-4 INFO <1687.50> EO-4: Target(tgt-8357) window enabled: 1712.5 to 1817.9
2025-10-16 18:32:27,669 sats.satellite.EO-4 INFO <1687.50> EO-4: setting timed terminal event at 1817.9
2025-10-16 18:32:27,670 sats.satellite.EO-1 INFO <1688.00> EO-1: timed termination at 1687.7 for Target(tgt-5319) window
2025-10-16 18:32:27,673 data.base INFO <1688.00> Total reward: {}
2025-10-16 18:32:27,674 sats.satellite.EO-1 INFO <1688.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:27,683 gym INFO <1688.00> Step reward: {}
2025-10-16 18:32:27,684 gym INFO <1688.00> === STARTING STEP ===
2025-10-16 18:32:27,684 sats.satellite.EO-0 INFO <1688.00> EO-0: target index 18 tasked
2025-10-16 18:32:27,685 sats.satellite.EO-0 INFO <1688.00> EO-0: Target(tgt-1902) tasked for imaging
2025-10-16 18:32:27,686 sats.satellite.EO-0 INFO <1688.00> EO-0: Target(tgt-1902) window enabled: 1764.2 to 1833.1
2025-10-16 18:32:27,686 sats.satellite.EO-0 INFO <1688.00> EO-0: setting timed terminal event at 1833.1
2025-10-16 18:32:27,687 sats.satellite.EO-1 INFO <1688.00> EO-1: target index 28 tasked
2025-10-16 18:32:27,688 sats.satellite.EO-1 INFO <1688.00> EO-1: Target(tgt-1802) tasked for imaging
2025-10-16 18:32:27,688 sats.satellite.EO-1 INFO <1688.00> EO-1: Target(tgt-1802) window enabled: 1921.8 to 1989.1
2025-10-16 18:32:27,689 sats.satellite.EO-1 INFO <1688.00> EO-1: setting timed terminal event at 1989.1
2025-10-16 18:32:27,690 sats.satellite.EO-2 INFO <1688.00> EO-2: target index 21 tasked
2025-10-16 18:32:27,690 sats.satellite.EO-2 INFO <1688.00> EO-2: Target(tgt-8508) tasked for imaging
2025-10-16 18:32:27,691 sats.satellite.EO-2 INFO <1688.00> EO-2: Target(tgt-8508) window enabled: 1783.6 to 1871.8
2025-10-16 18:32:27,692 sats.satellite.EO-2 INFO <1688.00> EO-2: setting timed terminal event at 1871.8
2025-10-16 18:32:27,693 sats.satellite.EO-3 INFO <1688.00> EO-3: target index 9 tasked
2025-10-16 18:32:27,693 sats.satellite.EO-3 INFO <1688.00> EO-3: Target(tgt-5832) tasked for imaging
2025-10-16 18:32:27,694 sats.satellite.EO-3 INFO <1688.00> EO-3: Target(tgt-5832) window enabled: 1617.0 to 1748.4
2025-10-16 18:32:27,694 sats.satellite.EO-3 INFO <1688.00> EO-3: setting timed terminal event at 1748.4
2025-10-16 18:32:27,695 sats.satellite.EO-4 INFO <1688.00> EO-4: target index 27 tasked
2025-10-16 18:32:27,696 sats.satellite.EO-4 INFO <1688.00> EO-4: Target(tgt-3245) tasked for imaging
2025-10-16 18:32:27,697 sats.satellite.EO-4 INFO <1688.00> EO-4: Target(tgt-3245) window enabled: 1741.2 to 1859.2
2025-10-16 18:32:27,697 sats.satellite.EO-4 INFO <1688.00> EO-4: setting timed terminal event at 1859.2
2025-10-16 18:32:27,718 sats.satellite.EO-3 INFO <1717.50> EO-3: imaged Target(tgt-5832)
2025-10-16 18:32:27,721 data.base INFO <1717.50> Total reward: {'EO-3': np.float64(0.10462802723060967)}
2025-10-16 18:32:27,721 sats.satellite.EO-3 INFO <1717.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:27,732 gym INFO <1717.50> Step reward: {'EO-3': np.float64(0.10462802723060967)}
2025-10-16 18:32:27,733 gym INFO <1717.50> === STARTING STEP ===
2025-10-16 18:32:27,733 sats.satellite.EO-0 INFO <1717.50> EO-0: target index 10 tasked
2025-10-16 18:32:27,734 sats.satellite.EO-0 INFO <1717.50> EO-0: Target(tgt-7121) tasked for imaging
2025-10-16 18:32:27,734 sats.satellite.EO-0 INFO <1717.50> EO-0: Target(tgt-7121) window enabled: 1694.6 to 1776.7
2025-10-16 18:32:27,735 sats.satellite.EO-0 INFO <1717.50> EO-0: setting timed terminal event at 1776.7
2025-10-16 18:32:27,736 sats.satellite.EO-1 INFO <1717.50> EO-1: target index 14 tasked
2025-10-16 18:32:27,736 sats.satellite.EO-1 INFO <1717.50> EO-1: Target(tgt-3288) tasked for imaging
2025-10-16 18:32:27,737 sats.satellite.EO-1 INFO <1717.50> EO-1: Target(tgt-3288) window enabled: 1754.1 to 1870.0
2025-10-16 18:32:27,737 sats.satellite.EO-1 INFO <1717.50> EO-1: setting timed terminal event at 1870.0
2025-10-16 18:32:27,738 sats.satellite.EO-2 INFO <1717.50> EO-2: target index 5 tasked
2025-10-16 18:32:27,738 sats.satellite.EO-2 INFO <1717.50> EO-2: Target(tgt-4776) tasked for imaging
2025-10-16 18:32:27,741 sats.satellite.EO-2 INFO <1717.50> EO-2: Target(tgt-4776) window enabled: 1648.5 to 1777.5
2025-10-16 18:32:27,741 sats.satellite.EO-2 INFO <1717.50> EO-2: setting timed terminal event at 1777.5
2025-10-16 18:32:27,742 sats.satellite.EO-3 INFO <1717.50> EO-3: target index 7 tasked
2025-10-16 18:32:27,742 sats.satellite.EO-3 INFO <1717.50> EO-3: Target(tgt-3622) tasked for imaging
2025-10-16 18:32:27,743 sats.satellite.EO-3 INFO <1717.50> EO-3: Target(tgt-3622) window enabled: 1681.7 to 1794.6
2025-10-16 18:32:27,743 sats.satellite.EO-3 INFO <1717.50> EO-3: setting timed terminal event at 1794.6
2025-10-16 18:32:27,744 sats.satellite.EO-4 INFO <1717.50> EO-4: target index 28 tasked
2025-10-16 18:32:27,745 sats.satellite.EO-4 INFO <1717.50> EO-4: Target(tgt-7275) tasked for imaging
2025-10-16 18:32:27,745 sats.satellite.EO-4 INFO <1717.50> EO-4: Target(tgt-7275) window enabled: 1759.5 to 1887.7
2025-10-16 18:32:27,746 sats.satellite.EO-4 INFO <1717.50> EO-4: setting timed terminal event at 1887.7
2025-10-16 18:32:27,770 sats.satellite.EO-0 INFO <1751.50> EO-0: imaged Target(tgt-7121)
2025-10-16 18:32:27,773 data.base INFO <1751.50> Total reward: {'EO-0': np.float64(0.0001335141656915336)}
2025-10-16 18:32:27,774 sats.satellite.EO-0 INFO <1751.50> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:27,783 gym INFO <1751.50> Step reward: {'EO-0': np.float64(0.0001335141656915336)}
2025-10-16 18:32:27,784 gym INFO <1751.50> === STARTING STEP ===
2025-10-16 18:32:27,785 sats.satellite.EO-0 INFO <1751.50> EO-0: target index 4 tasked
2025-10-16 18:32:27,785 sats.satellite.EO-0 INFO <1751.50> EO-0: Target(tgt-4307) tasked for imaging
2025-10-16 18:32:27,786 sats.satellite.EO-0 INFO <1751.50> EO-0: Target(tgt-4307) window enabled: 1640.9 to 1772.2
2025-10-16 18:32:27,786 sats.satellite.EO-0 INFO <1751.50> EO-0: setting timed terminal event at 1772.2
2025-10-16 18:32:27,787 sats.satellite.EO-1 INFO <1751.50> EO-1: target index 10 tasked
2025-10-16 18:32:27,788 sats.satellite.EO-1 INFO <1751.50> EO-1: Target(tgt-3459) tasked for imaging
2025-10-16 18:32:27,789 sats.satellite.EO-1 INFO <1751.50> EO-1: Target(tgt-3459) window enabled: 1712.9 to 1843.1
2025-10-16 18:32:27,789 sats.satellite.EO-1 INFO <1751.50> EO-1: setting timed terminal event at 1843.1
2025-10-16 18:32:27,790 sats.satellite.EO-2 INFO <1751.50> EO-2: target index 10 tasked
2025-10-16 18:32:27,790 sats.satellite.EO-2 INFO <1751.50> EO-2: Target(tgt-6071) tasked for imaging
2025-10-16 18:32:27,791 sats.satellite.EO-2 INFO <1751.50> EO-2: Target(tgt-6071) window enabled: 1688.7 to 1816.4
2025-10-16 18:32:27,792 sats.satellite.EO-2 INFO <1751.50> EO-2: setting timed terminal event at 1816.4
2025-10-16 18:32:27,793 sats.satellite.EO-3 INFO <1751.50> EO-3: target index 15 tasked
2025-10-16 18:32:27,794 sats.satellite.EO-3 INFO <1751.50> EO-3: Target(tgt-4753) tasked for imaging
2025-10-16 18:32:27,794 sats.satellite.EO-3 INFO <1751.50> EO-3: Target(tgt-4753) window enabled: 1801.1 to 1906.6
2025-10-16 18:32:27,795 sats.satellite.EO-3 INFO <1751.50> EO-3: setting timed terminal event at 1906.6
2025-10-16 18:32:27,796 sats.satellite.EO-4 INFO <1751.50> EO-4: target index 12 tasked
2025-10-16 18:32:27,796 sats.satellite.EO-4 INFO <1751.50> EO-4: Target(tgt-7812) tasked for imaging
2025-10-16 18:32:27,797 sats.satellite.EO-4 INFO <1751.50> EO-4: Target(tgt-7812) window enabled: 1713.9 to 1839.0
2025-10-16 18:32:27,798 sats.satellite.EO-4 INFO <1751.50> EO-4: setting timed terminal event at 1839.0
2025-10-16 18:32:27,813 sats.satellite.EO-0 INFO <1772.50> EO-0: timed termination at 1772.2 for Target(tgt-4307) window
2025-10-16 18:32:27,816 data.base INFO <1772.50> Total reward: {}
2025-10-16 18:32:27,816 sats.satellite.EO-0 INFO <1772.50> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:27,829 gym INFO <1772.50> Step reward: {}
2025-10-16 18:32:27,829 gym INFO <1772.50> === STARTING STEP ===
2025-10-16 18:32:27,830 sats.satellite.EO-0 INFO <1772.50> EO-0: target index 20 tasked
2025-10-16 18:32:27,831 sats.satellite.EO-0 INFO <1772.50> EO-0: Target(tgt-5668) tasked for imaging
2025-10-16 18:32:27,832 sats.satellite.EO-0 INFO <1772.50> EO-0: Target(tgt-5668) window enabled: 1810.8 to 1938.0
2025-10-16 18:32:27,832 sats.satellite.EO-0 INFO <1772.50> EO-0: setting timed terminal event at 1938.0
2025-10-16 18:32:27,833 sats.satellite.EO-1 INFO <1772.50> EO-1: target index 6 tasked
2025-10-16 18:32:27,834 sats.satellite.EO-1 INFO <1772.50> EO-1: Target(tgt-3869) tasked for imaging
2025-10-16 18:32:27,835 sats.satellite.EO-1 INFO <1772.50> EO-1: Target(tgt-3869) window enabled: 1705.9 to 1836.0
2025-10-16 18:32:27,835 sats.satellite.EO-1 INFO <1772.50> EO-1: setting timed terminal event at 1836.0
2025-10-16 18:32:27,836 sats.satellite.EO-2 INFO <1772.50> EO-2: target index 19 tasked
2025-10-16 18:32:27,836 sats.satellite.EO-2 INFO <1772.50> EO-2: Target(tgt-5168) tasked for imaging
2025-10-16 18:32:27,837 sats.satellite.EO-2 INFO <1772.50> EO-2: Target(tgt-5168) window enabled: 1781.9 to 1903.0
2025-10-16 18:32:27,838 sats.satellite.EO-2 INFO <1772.50> EO-2: setting timed terminal event at 1903.0
2025-10-16 18:32:27,838 sats.satellite.EO-3 INFO <1772.50> EO-3: target index 0 tasked
2025-10-16 18:32:27,839 sats.satellite.EO-3 INFO <1772.50> EO-3: Target(tgt-5084) tasked for imaging
2025-10-16 18:32:27,840 sats.satellite.EO-3 INFO <1772.50> EO-3: Target(tgt-5084) window enabled: 1659.6 to 1778.7
2025-10-16 18:32:27,841 sats.satellite.EO-3 INFO <1772.50> EO-3: setting timed terminal event at 1778.7
2025-10-16 18:32:27,843 sats.satellite.EO-4 INFO <1772.50> EO-4: target index 15 tasked
2025-10-16 18:32:27,843 sats.satellite.EO-4 INFO <1772.50> EO-4: Target(tgt-5632) tasked for imaging
2025-10-16 18:32:27,845 sats.satellite.EO-4 INFO <1772.50> EO-4: Target(tgt-5632) window enabled: 1749.0 to 1877.0
2025-10-16 18:32:27,845 sats.satellite.EO-4 INFO <1772.50> EO-4: setting timed terminal event at 1877.0
2025-10-16 18:32:27,851 sats.satellite.EO-3 INFO <1779.00> EO-3: timed termination at 1778.7 for Target(tgt-5084) window
2025-10-16 18:32:27,854 data.base INFO <1779.00> Total reward: {}
2025-10-16 18:32:27,854 sats.satellite.EO-3 INFO <1779.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:27,865 gym INFO <1779.00> Step reward: {}
2025-10-16 18:32:27,865 gym INFO <1779.00> === STARTING STEP ===
2025-10-16 18:32:27,866 sats.satellite.EO-0 INFO <1779.00> EO-0: target index 9 tasked
2025-10-16 18:32:27,866 sats.satellite.EO-0 INFO <1779.00> EO-0: Target(tgt-1494) tasked for imaging
2025-10-16 18:32:27,867 sats.satellite.EO-0 INFO <1779.00> EO-0: Target(tgt-1494) window enabled: 1755.2 to 1860.7
2025-10-16 18:32:27,868 sats.satellite.EO-0 INFO <1779.00> EO-0: setting timed terminal event at 1860.7
2025-10-16 18:32:27,869 sats.satellite.EO-1 INFO <1779.00> EO-1: target index 13 tasked
2025-10-16 18:32:27,870 sats.satellite.EO-1 INFO <1779.00> EO-1: Target(tgt-6330) tasked for imaging
2025-10-16 18:32:27,870 sats.satellite.EO-1 INFO <1779.00> EO-1: Target(tgt-6330) window enabled: 1803.3 to 1912.8
2025-10-16 18:32:27,871 sats.satellite.EO-1 INFO <1779.00> EO-1: setting timed terminal event at 1912.8
2025-10-16 18:32:27,872 sats.satellite.EO-2 INFO <1779.00> EO-2: target index 7 tasked
2025-10-16 18:32:27,872 sats.satellite.EO-2 INFO <1779.00> EO-2: Target(tgt-8338) tasked for imaging
2025-10-16 18:32:27,873 sats.satellite.EO-2 INFO <1779.00> EO-2: Target(tgt-8338) window enabled: 1708.6 to 1820.7
2025-10-16 18:32:27,874 sats.satellite.EO-2 INFO <1779.00> EO-2: setting timed terminal event at 1820.7
2025-10-16 18:32:27,874 sats.satellite.EO-3 INFO <1779.00> EO-3: target index 7 tasked
2025-10-16 18:32:27,875 sats.satellite.EO-3 INFO <1779.00> EO-3: Target(tgt-7706) tasked for imaging
2025-10-16 18:32:27,876 sats.satellite.EO-3 INFO <1779.00> EO-3: Target(tgt-7706) window enabled: 1767.2 to 1880.9
2025-10-16 18:32:27,876 sats.satellite.EO-3 INFO <1779.00> EO-3: setting timed terminal event at 1880.9
2025-10-16 18:32:27,877 sats.satellite.EO-4 INFO <1779.00> EO-4: target index 2 tasked
2025-10-16 18:32:27,877 sats.satellite.EO-4 INFO <1779.00> EO-4: Target(tgt-9242) tasked for imaging
2025-10-16 18:32:27,878 sats.satellite.EO-4 INFO <1779.00> EO-4: Target(tgt-9242) window enabled: 1711.3 to 1797.7
2025-10-16 18:32:27,878 sats.satellite.EO-4 INFO <1779.00> EO-4: setting timed terminal event at 1797.7
2025-10-16 18:32:27,894 sats.satellite.EO-3 INFO <1797.50> EO-3: imaged Target(tgt-7706)
2025-10-16 18:32:27,896 data.base INFO <1797.50> Total reward: {}
2025-10-16 18:32:27,897 sats.satellite.EO-3 INFO <1797.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:27,906 gym INFO <1797.50> Step reward: {}
2025-10-16 18:32:27,907 gym INFO <1797.50> === STARTING STEP ===
2025-10-16 18:32:27,907 sats.satellite.EO-0 INFO <1797.50> EO-0: target index 10 tasked
2025-10-16 18:32:27,908 sats.satellite.EO-0 INFO <1797.50> EO-0: Target(tgt-4661) tasked for imaging
2025-10-16 18:32:27,909 sats.satellite.EO-0 INFO <1797.50> EO-0: Target(tgt-4661) window enabled: 1805.9 to 1879.6
2025-10-16 18:32:27,910 sats.satellite.EO-0 INFO <1797.50> EO-0: setting timed terminal event at 1879.6
2025-10-16 18:32:27,910 sats.satellite.EO-1 INFO <1797.50> EO-1: target index 5 tasked
2025-10-16 18:32:27,911 sats.satellite.EO-1 INFO <1797.50> EO-1: Target(tgt-2138) tasked for imaging
2025-10-16 18:32:27,911 sats.satellite.EO-1 INFO <1797.50> EO-1: Target(tgt-2138) window enabled: 1748.7 to 1850.8
2025-10-16 18:32:27,912 sats.satellite.EO-1 INFO <1797.50> EO-1: setting timed terminal event at 1850.8
2025-10-16 18:32:27,913 sats.satellite.EO-2 INFO <1797.50> EO-2: target index 6 tasked
2025-10-16 18:32:27,913 sats.satellite.EO-2 INFO <1797.50> EO-2: Target(tgt-3069) tasked for imaging
2025-10-16 18:32:27,914 sats.satellite.EO-2 INFO <1797.50> EO-2: Target(tgt-3069) window enabled: 1695.5 to 1821.9
2025-10-16 18:32:27,914 sats.satellite.EO-2 INFO <1797.50> EO-2: setting timed terminal event at 1821.9
2025-10-16 18:32:27,916 sats.satellite.EO-3 INFO <1797.50> EO-3: target index 16 tasked
2025-10-16 18:32:27,916 sats.satellite.EO-3 INFO <1797.50> EO-3: Target(tgt-4640) tasked for imaging
2025-10-16 18:32:27,917 sats.satellite.EO-3 INFO <1797.50> EO-3: Target(tgt-4640) window enabled: 1854.0 to 1963.2
2025-10-16 18:32:27,917 sats.satellite.EO-3 INFO <1797.50> EO-3: setting timed terminal event at 1963.2
2025-10-16 18:32:27,918 sats.satellite.EO-4 INFO <1797.50> EO-4: target index 24 tasked
2025-10-16 18:32:27,919 sats.satellite.EO-4 INFO <1797.50> EO-4: Target(tgt-8507) tasked for imaging
2025-10-16 18:32:27,919 sats.satellite.EO-4 INFO <1797.50> EO-4: Target(tgt-8507) window enabled: 1841.6 to 1956.4
2025-10-16 18:32:27,920 sats.satellite.EO-4 INFO <1797.50> EO-4: setting timed terminal event at 1956.4
2025-10-16 18:32:27,937 sats.satellite.EO-2 INFO <1822.00> EO-2: timed termination at 1821.9 for Target(tgt-3069) window
2025-10-16 18:32:27,940 data.base INFO <1822.00> Total reward: {}
2025-10-16 18:32:27,940 sats.satellite.EO-2 INFO <1822.00> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:27,951 gym INFO <1822.00> Step reward: {}
2025-10-16 18:32:27,951 gym INFO <1822.00> === STARTING STEP ===
2025-10-16 18:32:27,952 sats.satellite.EO-0 INFO <1822.00> EO-0: target index 30 tasked
2025-10-16 18:32:27,952 sats.satellite.EO-0 INFO <1822.00> EO-0: Target(tgt-4003) tasked for imaging
2025-10-16 18:32:27,953 sats.satellite.EO-0 INFO <1822.00> EO-0: Target(tgt-4003) window enabled: 2069.5 to 2196.4
2025-10-16 18:32:27,953 sats.satellite.EO-0 INFO <1822.00> EO-0: setting timed terminal event at 2196.4
2025-10-16 18:32:27,954 sats.satellite.EO-1 INFO <1822.00> EO-1: target index 7 tasked
2025-10-16 18:32:27,954 sats.satellite.EO-1 INFO <1822.00> EO-1: Target(tgt-3865) tasked for imaging
2025-10-16 18:32:27,955 sats.satellite.EO-1 INFO <1822.00> EO-1: Target(tgt-3865) window enabled: 1775.7 to 1887.3
2025-10-16 18:32:27,956 sats.satellite.EO-1 INFO <1822.00> EO-1: setting timed terminal event at 1887.3
2025-10-16 18:32:27,956 sats.satellite.EO-2 INFO <1822.00> EO-2: target index 11 tasked
2025-10-16 18:32:27,957 sats.satellite.EO-2 INFO <1822.00> EO-2: Target(tgt-7976) tasked for imaging
2025-10-16 18:32:27,957 sats.satellite.EO-2 INFO <1822.00> EO-2: Target(tgt-7976) window enabled: 1847.5 to 1971.9
2025-10-16 18:32:27,958 sats.satellite.EO-2 INFO <1822.00> EO-2: setting timed terminal event at 1971.9
2025-10-16 18:32:27,960 sats.satellite.EO-3 INFO <1822.00> EO-3: target index 28 tasked
2025-10-16 18:32:27,960 sats.satellite.EO-3 INFO <1822.00> EO-3: Target(tgt-6427) tasked for imaging
2025-10-16 18:32:27,961 sats.satellite.EO-3 INFO <1822.00> EO-3: Target(tgt-6427) window enabled: 1964.3 to 2090.1
2025-10-16 18:32:27,961 sats.satellite.EO-3 INFO <1822.00> EO-3: setting timed terminal event at 2090.1
2025-10-16 18:32:27,962 sats.satellite.EO-4 INFO <1822.00> EO-4: target index 30 tasked
2025-10-16 18:32:27,962 sats.satellite.EO-4 INFO <1822.00> EO-4: Target(tgt-781) tasked for imaging
2025-10-16 18:32:27,963 sats.satellite.EO-4 INFO <1822.00> EO-4: Target(tgt-781) window enabled: 1987.6 to 2115.1
2025-10-16 18:32:27,963 sats.satellite.EO-4 INFO <1822.00> EO-4: setting timed terminal event at 2115.1
2025-10-16 18:32:27,992 sats.satellite.EO-1 INFO <1863.00> EO-1: imaged Target(tgt-3865)
2025-10-16 18:32:27,994 data.base INFO <1863.00> Total reward: {'EO-1': np.float64(0.004130834882467982)}
2025-10-16 18:32:27,995 sats.satellite.EO-1 INFO <1863.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:28,006 gym INFO <1863.00> Step reward: {'EO-1': np.float64(0.004130834882467982)}
2025-10-16 18:32:28,007 gym INFO <1863.00> === STARTING STEP ===
2025-10-16 18:32:28,007 sats.satellite.EO-0 INFO <1863.00> EO-0: target index 17 tasked
2025-10-16 18:32:28,008 sats.satellite.EO-0 INFO <1863.00> EO-0: Target(tgt-8316) tasked for imaging
2025-10-16 18:32:28,008 sats.satellite.EO-0 INFO <1863.00> EO-0: Target(tgt-8316) window enabled: 1994.0 to 2110.2
2025-10-16 18:32:28,009 sats.satellite.EO-0 INFO <1863.00> EO-0: setting timed terminal event at 2110.2
2025-10-16 18:32:28,010 sats.satellite.EO-1 INFO <1863.00> EO-1: target index 1 tasked
2025-10-16 18:32:28,010 sats.satellite.EO-1 INFO <1863.00> EO-1: Target(tgt-7935) tasked for imaging
2025-10-16 18:32:28,011 sats.satellite.EO-1 INFO <1863.00> EO-1: Target(tgt-7935) window enabled: 1824.3 to 1885.6
2025-10-16 18:32:28,011 sats.satellite.EO-1 INFO <1863.00> EO-1: setting timed terminal event at 1885.6
2025-10-16 18:32:28,013 sats.satellite.EO-2 INFO <1863.00> EO-2: target index 5 tasked
2025-10-16 18:32:28,014 sats.satellite.EO-2 INFO <1863.00> EO-2: Target(tgt-1161) tasked for imaging
2025-10-16 18:32:28,015 sats.satellite.EO-2 INFO <1863.00> EO-2: Target(tgt-1161) window enabled: 1875.7 to 1913.6
2025-10-16 18:32:28,015 sats.satellite.EO-2 INFO <1863.00> EO-2: setting timed terminal event at 1913.6
2025-10-16 18:32:28,016 sats.satellite.EO-3 INFO <1863.00> EO-3: target index 15 tasked
2025-10-16 18:32:28,017 sats.satellite.EO-3 INFO <1863.00> EO-3: Target(tgt-3178) tasked for imaging
2025-10-16 18:32:28,017 sats.satellite.EO-3 INFO <1863.00> EO-3: Target(tgt-3178) window enabled: 1853.2 to 1982.2
2025-10-16 18:32:28,018 sats.satellite.EO-3 INFO <1863.00> EO-3: setting timed terminal event at 1982.2
2025-10-16 18:32:28,019 sats.satellite.EO-4 INFO <1863.00> EO-4: target index 17 tasked
2025-10-16 18:32:28,019 sats.satellite.EO-4 INFO <1863.00> EO-4: Target(tgt-3734) tasked for imaging
2025-10-16 18:32:28,020 sats.satellite.EO-4 INFO <1863.00> EO-4: Target(tgt-3734) window enabled: 1940.6 to 2010.2
2025-10-16 18:32:28,021 sats.satellite.EO-4 INFO <1863.00> EO-4: setting timed terminal event at 2010.2
2025-10-16 18:32:28,039 sats.satellite.EO-1 INFO <1886.00> EO-1: timed termination at 1885.6 for Target(tgt-7935) window
2025-10-16 18:32:28,041 data.base INFO <1886.00> Total reward: {}
2025-10-16 18:32:28,042 sats.satellite.EO-1 INFO <1886.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:28,052 gym INFO <1886.00> Step reward: {}
2025-10-16 18:32:28,052 gym INFO <1886.00> === STARTING STEP ===
2025-10-16 18:32:28,053 sats.satellite.EO-0 INFO <1886.00> EO-0: action_charge tasked for 60.0 seconds
2025-10-16 18:32:28,053 sats.satellite.EO-0 INFO <1886.00> EO-0: setting timed terminal event at 1946.0
2025-10-16 18:32:28,054 sats.satellite.EO-1 INFO <1886.00> EO-1: target index 12 tasked
2025-10-16 18:32:28,055 sats.satellite.EO-1 INFO <1886.00> EO-1: Target(tgt-4274) tasked for imaging
2025-10-16 18:32:28,056 sats.satellite.EO-1 INFO <1886.00> EO-1: Target(tgt-4274) window enabled: 1894.0 to 2023.7
2025-10-16 18:32:28,056 sats.satellite.EO-1 INFO <1886.00> EO-1: setting timed terminal event at 2023.7
2025-10-16 18:32:28,057 sats.satellite.EO-2 INFO <1886.00> EO-2: target index 28 tasked
2025-10-16 18:32:28,058 sats.satellite.EO-2 INFO <1886.00> EO-2: Target(tgt-5825) tasked for imaging
2025-10-16 18:32:28,059 sats.satellite.EO-2 INFO <1886.00> EO-2: Target(tgt-5825) window enabled: 2133.7 to 2228.8
2025-10-16 18:32:28,060 sats.satellite.EO-2 INFO <1886.00> EO-2: setting timed terminal event at 2228.8
2025-10-16 18:32:28,060 sats.satellite.EO-3 INFO <1886.00> EO-3: target index 15 tasked
2025-10-16 18:32:28,061 sats.satellite.EO-3 INFO <1886.00> EO-3: Target(tgt-7407) tasked for imaging
2025-10-16 18:32:28,062 sats.satellite.EO-3 INFO <1886.00> EO-3: Target(tgt-7407) window enabled: 1931.9 to 2030.1
2025-10-16 18:32:28,063 sats.satellite.EO-3 INFO <1886.00> EO-3: setting timed terminal event at 2030.1
2025-10-16 18:32:28,063 sats.satellite.EO-4 INFO <1886.00> EO-4: target index 3 tasked
2025-10-16 18:32:28,064 sats.satellite.EO-4 INFO <1886.00> EO-4: Target(tgt-2221) tasked for imaging
2025-10-16 18:32:28,065 sats.satellite.EO-4 INFO <1886.00> EO-4: Target(tgt-2221) window enabled: 1875.2 to 1903.3
2025-10-16 18:32:28,065 sats.satellite.EO-4 INFO <1886.00> EO-4: setting timed terminal event at 1903.3
2025-10-16 18:32:28,079 sats.satellite.EO-4 INFO <1903.50> EO-4: timed termination at 1903.3 for Target(tgt-2221) window
2025-10-16 18:32:28,082 data.base INFO <1903.50> Total reward: {}
2025-10-16 18:32:28,082 sats.satellite.EO-4 INFO <1903.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:28,092 gym INFO <1903.50> Step reward: {}
2025-10-16 18:32:28,093 gym INFO <1903.50> === STARTING STEP ===
2025-10-16 18:32:28,093 sats.satellite.EO-0 INFO <1903.50> EO-0: target index 24 tasked
2025-10-16 18:32:28,094 sats.satellite.EO-0 INFO <1903.50> EO-0: Target(tgt-7066) tasked for imaging
2025-10-16 18:32:28,094 sats.satellite.EO-0 INFO <1903.50> EO-0: Target(tgt-7066) window enabled: 2114.0 to 2238.8
2025-10-16 18:32:28,095 sats.satellite.EO-0 INFO <1903.50> EO-0: setting timed terminal event at 2238.8
2025-10-16 18:32:28,096 sats.satellite.EO-1 INFO <1903.50> EO-1: target index 5 tasked
2025-10-16 18:32:28,096 sats.satellite.EO-1 INFO <1903.50> EO-1: Target(tgt-4299) tasked for imaging
2025-10-16 18:32:28,097 sats.satellite.EO-1 INFO <1903.50> EO-1: Target(tgt-4299) window enabled: 1940.3 to 1988.4
2025-10-16 18:32:28,097 sats.satellite.EO-1 INFO <1903.50> EO-1: setting timed terminal event at 1988.4
2025-10-16 18:32:28,098 sats.satellite.EO-2 INFO <1903.50> EO-2: target index 3 tasked
2025-10-16 18:32:28,099 sats.satellite.EO-2 INFO <1903.50> EO-2: Target(tgt-3535) tasked for imaging
2025-10-16 18:32:28,101 sats.satellite.EO-2 INFO <1903.50> EO-2: Target(tgt-3535) window enabled: 1831.6 to 1958.2
2025-10-16 18:32:28,101 sats.satellite.EO-2 INFO <1903.50> EO-2: setting timed terminal event at 1958.2
2025-10-16 18:32:28,102 sats.satellite.EO-3 INFO <1903.50> EO-3: target index 8 tasked
2025-10-16 18:32:28,103 sats.satellite.EO-3 INFO <1903.50> EO-3: Target(tgt-878) tasked for imaging
2025-10-16 18:32:28,103 sats.satellite.EO-3 INFO <1903.50> EO-3: Target(tgt-878) window enabled: 1913.1 to 2006.9
2025-10-16 18:32:28,104 sats.satellite.EO-3 INFO <1903.50> EO-3: setting timed terminal event at 2006.9
2025-10-16 18:32:28,104 sats.satellite.EO-4 INFO <1903.50> EO-4: target index 30 tasked
2025-10-16 18:32:28,105 sats.satellite.EO-4 INFO <1903.50> EO-4: Target(tgt-3822) tasked for imaging
2025-10-16 18:32:28,106 sats.satellite.EO-4 INFO <1903.50> EO-4: Target(tgt-3822) window enabled: 2106.1 to 2211.0
2025-10-16 18:32:28,106 sats.satellite.EO-4 INFO <1903.50> EO-4: setting timed terminal event at 2211.0
2025-10-16 18:32:28,133 sats.satellite.EO-1 INFO <1941.50> EO-1: imaged Target(tgt-4299)
2025-10-16 18:32:28,136 data.base INFO <1941.50> Total reward: {'EO-1': np.float64(0.0040576058878078755)}
2025-10-16 18:32:28,137 sats.satellite.EO-1 INFO <1941.50> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:28,147 gym INFO <1941.50> Step reward: {'EO-1': np.float64(0.0040576058878078755)}
2025-10-16 18:32:28,148 gym INFO <1941.50> === STARTING STEP ===
2025-10-16 18:32:28,148 sats.satellite.EO-0 INFO <1941.50> EO-0: target index 29 tasked
2025-10-16 18:32:28,149 sats.satellite.EO-0 INFO <1941.50> EO-0: Target(tgt-3467) tasked for imaging
2025-10-16 18:32:28,149 sats.satellite.EO-0 INFO <1941.50> EO-0: Target(tgt-3467) window enabled: 2194.8 to 2324.9
2025-10-16 18:32:28,150 sats.satellite.EO-0 INFO <1941.50> EO-0: setting timed terminal event at 2324.9
2025-10-16 18:32:28,151 sats.satellite.EO-1 INFO <1941.50> EO-1: target index 29 tasked
2025-10-16 18:32:28,151 sats.satellite.EO-1 INFO <1941.50> EO-1: Target(tgt-6584) tasked for imaging
2025-10-16 18:32:28,152 sats.satellite.EO-1 INFO <1941.50> EO-1: Target(tgt-6584) window enabled: 2020.8 to 2147.7
2025-10-16 18:32:28,152 sats.satellite.EO-1 INFO <1941.50> EO-1: setting timed terminal event at 2147.7
2025-10-16 18:32:28,153 sats.satellite.EO-2 INFO <1941.50> EO-2: target index 22 tasked
2025-10-16 18:32:28,154 sats.satellite.EO-2 INFO <1941.50> EO-2: Target(tgt-8097) tasked for imaging
2025-10-16 18:32:28,156 sats.satellite.EO-2 INFO <1941.50> EO-2: Target(tgt-8097) window enabled: 2111.8 to 2193.7
2025-10-16 18:32:28,156 sats.satellite.EO-2 INFO <1941.50> EO-2: setting timed terminal event at 2193.7
2025-10-16 18:32:28,157 sats.satellite.EO-3 INFO <1941.50> EO-3: target index 28 tasked
2025-10-16 18:32:28,158 sats.satellite.EO-3 INFO <1941.50> EO-3: Target(tgt-4651) tasked for imaging
2025-10-16 18:32:28,158 sats.satellite.EO-3 INFO <1941.50> EO-3: Target(tgt-4651) window enabled: 2088.0 to 2180.2
2025-10-16 18:32:28,159 sats.satellite.EO-3 INFO <1941.50> EO-3: setting timed terminal event at 2180.2
2025-10-16 18:32:28,159 sats.satellite.EO-4 INFO <1941.50> EO-4: target index 28 tasked
2025-10-16 18:32:28,160 sats.satellite.EO-4 INFO <1941.50> EO-4: Target(tgt-1442) tasked for imaging
2025-10-16 18:32:28,161 sats.satellite.EO-4 INFO <1941.50> EO-4: Target(tgt-1442) window enabled: 2080.5 to 2203.1
2025-10-16 18:32:28,161 sats.satellite.EO-4 INFO <1941.50> EO-4: setting timed terminal event at 2203.1
2025-10-16 18:32:28,217 sats.satellite.EO-1 INFO <2022.00> EO-1: imaged Target(tgt-6584)
2025-10-16 18:32:28,220 data.base INFO <2022.00> Total reward: {'EO-1': np.float64(0.0028317013657698526)}
2025-10-16 18:32:28,221 sats.satellite.EO-1 INFO <2022.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:28,231 gym INFO <2022.00> Step reward: {'EO-1': np.float64(0.0028317013657698526)}
2025-10-16 18:32:28,232 gym INFO <2022.00> === STARTING STEP ===
2025-10-16 18:32:28,232 sats.satellite.EO-0 INFO <2022.00> EO-0: target index 4 tasked
2025-10-16 18:32:28,233 sats.satellite.EO-0 INFO <2022.00> EO-0: Target(tgt-783) tasked for imaging
2025-10-16 18:32:28,234 sats.satellite.EO-0 INFO <2022.00> EO-0: Target(tgt-783) window enabled: 2017.8 to 2148.5
2025-10-16 18:32:28,234 sats.satellite.EO-0 INFO <2022.00> EO-0: setting timed terminal event at 2148.5
2025-10-16 18:32:28,235 sats.satellite.EO-1 INFO <2022.00> EO-1: target index 15 tasked
2025-10-16 18:32:28,235 sats.satellite.EO-1 INFO <2022.00> EO-1: Target(tgt-917) tasked for imaging
2025-10-16 18:32:28,236 sats.satellite.EO-1 INFO <2022.00> EO-1: Target(tgt-917) window enabled: 2046.0 to 2124.9
2025-10-16 18:32:28,236 sats.satellite.EO-1 INFO <2022.00> EO-1: setting timed terminal event at 2124.9
2025-10-16 18:32:28,238 sats.satellite.EO-2 INFO <2022.00> EO-2: action_charge tasked for 60.0 seconds
2025-10-16 18:32:28,238 sats.satellite.EO-2 INFO <2022.00> EO-2: setting timed terminal event at 2082.0
2025-10-16 18:32:28,239 sats.satellite.EO-3 INFO <2022.00> EO-3: target index 19 tasked
2025-10-16 18:32:28,240 sats.satellite.EO-3 INFO <2022.00> EO-3: Target(tgt-8587) tasked for imaging
2025-10-16 18:32:28,240 sats.satellite.EO-3 INFO <2022.00> EO-3: Target(tgt-8587) window enabled: 2031.0 to 2162.7
2025-10-16 18:32:28,241 sats.satellite.EO-3 INFO <2022.00> EO-3: setting timed terminal event at 2162.7
2025-10-16 18:32:28,242 sats.satellite.EO-4 INFO <2022.00> EO-4: target index 4 tasked
2025-10-16 18:32:28,242 sats.satellite.EO-4 INFO <2022.00> EO-4: Target(tgt-6467) tasked for imaging
2025-10-16 18:32:28,243 sats.satellite.EO-4 INFO <2022.00> EO-4: Target(tgt-6467) window enabled: 1993.3 to 2109.5
2025-10-16 18:32:28,243 sats.satellite.EO-4 INFO <2022.00> EO-4: setting timed terminal event at 2109.5
2025-10-16 18:32:28,261 sats.satellite.EO-1 INFO <2047.00> EO-1: imaged Target(tgt-917)
2025-10-16 18:32:28,264 data.base INFO <2047.00> Total reward: {'EO-1': np.float64(0.02607173614369607)}
2025-10-16 18:32:28,264 sats.satellite.EO-1 INFO <2047.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:28,274 gym INFO <2047.00> Step reward: {'EO-1': np.float64(0.02607173614369607)}
2025-10-16 18:32:28,275 gym INFO <2047.00> === STARTING STEP ===
2025-10-16 18:32:28,275 sats.satellite.EO-0 INFO <2047.00> EO-0: target index 20 tasked
2025-10-16 18:32:28,276 sats.satellite.EO-0 INFO <2047.00> EO-0: Target(tgt-3204) tasked for imaging
2025-10-16 18:32:28,277 sats.satellite.EO-0 INFO <2047.00> EO-0: Target(tgt-3204) window enabled: 2180.4 to 2308.9
2025-10-16 18:32:28,278 sats.satellite.EO-0 INFO <2047.00> EO-0: setting timed terminal event at 2308.9
2025-10-16 18:32:28,279 sats.satellite.EO-1 INFO <2047.00> EO-1: target index 6 tasked
2025-10-16 18:32:28,279 sats.satellite.EO-1 INFO <2047.00> EO-1: Target(tgt-4354) tasked for imaging
2025-10-16 18:32:28,280 sats.satellite.EO-1 INFO <2047.00> EO-1: Target(tgt-4354) window enabled: 1980.3 to 2105.3
2025-10-16 18:32:28,280 sats.satellite.EO-1 INFO <2047.00> EO-1: setting timed terminal event at 2105.3
2025-10-16 18:32:28,281 sats.satellite.EO-2 INFO <2047.00> EO-2: target index 6 tasked
2025-10-16 18:32:28,282 sats.satellite.EO-2 INFO <2047.00> EO-2: Target(tgt-6569) tasked for imaging
2025-10-16 18:32:28,282 sats.satellite.EO-2 INFO <2047.00> EO-2: Target(tgt-6569) window enabled: 1989.1 to 2117.6
2025-10-16 18:32:28,283 sats.satellite.EO-2 INFO <2047.00> EO-2: setting timed terminal event at 2117.6
2025-10-16 18:32:28,284 sats.satellite.EO-3 INFO <2047.00> EO-3: target index 22 tasked
2025-10-16 18:32:28,285 sats.satellite.EO-3 INFO <2047.00> EO-3: Target(tgt-5672) tasked for imaging
2025-10-16 18:32:28,286 sats.satellite.EO-3 INFO <2047.00> EO-3: Target(tgt-5672) window enabled: 2069.4 to 2198.2
2025-10-16 18:32:28,286 sats.satellite.EO-3 INFO <2047.00> EO-3: setting timed terminal event at 2198.2
2025-10-16 18:32:28,287 sats.satellite.EO-4 INFO <2047.00> EO-4: target index 6 tasked
2025-10-16 18:32:28,287 sats.satellite.EO-4 INFO <2047.00> EO-4: Target(tgt-6675) tasked for imaging
2025-10-16 18:32:28,288 sats.satellite.EO-4 INFO <2047.00> EO-4: Target(tgt-6675) window enabled: 2007.3 to 2121.9
2025-10-16 18:32:28,288 sats.satellite.EO-4 INFO <2047.00> EO-4: setting timed terminal event at 2121.9
2025-10-16 18:32:28,309 sats.satellite.EO-3 INFO <2073.50> EO-3: imaged Target(tgt-5672)
2025-10-16 18:32:28,312 data.base INFO <2073.50> Total reward: {'EO-3': np.float64(0.1131517870065557)}
2025-10-16 18:32:28,313 sats.satellite.EO-3 INFO <2073.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:28,323 gym INFO <2073.50> Step reward: {'EO-3': np.float64(0.1131517870065557)}
2025-10-16 18:32:28,323 gym INFO <2073.50> === STARTING STEP ===
2025-10-16 18:32:28,324 sats.satellite.EO-0 INFO <2073.50> EO-0: target index 10 tasked
2025-10-16 18:32:28,325 sats.satellite.EO-0 INFO <2073.50> EO-0: Target(tgt-6271) tasked for imaging
2025-10-16 18:32:28,326 sats.satellite.EO-0 INFO <2073.50> EO-0: Target(tgt-6271) window enabled: 2107.2 to 2203.3
2025-10-16 18:32:28,326 sats.satellite.EO-0 INFO <2073.50> EO-0: setting timed terminal event at 2203.3
2025-10-16 18:32:28,327 sats.satellite.EO-1 INFO <2073.50> EO-1: target index 17 tasked
2025-10-16 18:32:28,327 sats.satellite.EO-1 INFO <2073.50> EO-1: Target(tgt-7660) tasked for imaging
2025-10-16 18:32:28,328 sats.satellite.EO-1 INFO <2073.50> EO-1: Target(tgt-7660) window enabled: 2061.8 to 2183.8
2025-10-16 18:32:28,329 sats.satellite.EO-1 INFO <2073.50> EO-1: setting timed terminal event at 2183.8
2025-10-16 18:32:28,330 sats.satellite.EO-2 INFO <2073.50> EO-2: target index 18 tasked
2025-10-16 18:32:28,330 sats.satellite.EO-2 INFO <2073.50> EO-2: Target(tgt-3610) tasked for imaging
2025-10-16 18:32:28,331 sats.satellite.EO-2 INFO <2073.50> EO-2: Target(tgt-3610) window enabled: 2149.6 to 2277.8
2025-10-16 18:32:28,332 sats.satellite.EO-2 INFO <2073.50> EO-2: setting timed terminal event at 2277.8
2025-10-16 18:32:28,333 sats.satellite.EO-3 INFO <2073.50> EO-3: target index 18 tasked
2025-10-16 18:32:28,333 sats.satellite.EO-3 INFO <2073.50> EO-3: Target(tgt-946) tasked for imaging
2025-10-16 18:32:28,334 sats.satellite.EO-3 INFO <2073.50> EO-3: Target(tgt-946) window enabled: 2082.7 to 2186.6
2025-10-16 18:32:28,334 sats.satellite.EO-3 INFO <2073.50> EO-3: setting timed terminal event at 2186.6
2025-10-16 18:32:28,335 sats.satellite.EO-4 INFO <2073.50> EO-4: target index 21 tasked
2025-10-16 18:32:28,335 sats.satellite.EO-4 INFO <2073.50> EO-4: Target(tgt-4248) tasked for imaging
2025-10-16 18:32:28,336 sats.satellite.EO-4 INFO <2073.50> EO-4: Target(tgt-4248) window enabled: 2131.7 to 2226.4
2025-10-16 18:32:28,337 sats.satellite.EO-4 INFO <2073.50> EO-4: setting timed terminal event at 2226.4
2025-10-16 18:32:28,361 sats.satellite.EO-3 INFO <2108.00> EO-3: imaged Target(tgt-946)
2025-10-16 18:32:28,364 data.base INFO <2108.00> Total reward: {'EO-3': np.float64(0.02685415288065114)}
2025-10-16 18:32:28,364 sats.satellite.EO-3 INFO <2108.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:28,374 gym INFO <2108.00> Step reward: {'EO-3': np.float64(0.02685415288065114)}
2025-10-16 18:32:28,375 gym INFO <2108.00> === STARTING STEP ===
2025-10-16 18:32:28,375 sats.satellite.EO-0 INFO <2108.00> EO-0: target index 4 tasked
2025-10-16 18:32:28,376 sats.satellite.EO-0 INFO <2108.00> EO-0: Target(tgt-8433) tasked for imaging
2025-10-16 18:32:28,376 sats.satellite.EO-0 INFO <2108.00> EO-0: Target(tgt-8433) window enabled: 2109.7 to 2190.9
2025-10-16 18:32:28,377 sats.satellite.EO-0 INFO <2108.00> EO-0: setting timed terminal event at 2190.9
2025-10-16 18:32:28,378 sats.satellite.EO-1 INFO <2108.00> EO-1: target index 8 tasked
2025-10-16 18:32:28,378 sats.satellite.EO-1 INFO <2108.00> EO-1: Target(tgt-860) tasked for imaging
2025-10-16 18:32:28,379 sats.satellite.EO-1 INFO <2108.00> EO-1: Target(tgt-860) window enabled: 2120.0 to 2164.6
2025-10-16 18:32:28,381 sats.satellite.EO-1 INFO <2108.00> EO-1: setting timed terminal event at 2164.6
2025-10-16 18:32:28,381 sats.satellite.EO-2 INFO <2108.00> EO-2: target index 5 tasked
2025-10-16 18:32:28,382 sats.satellite.EO-2 INFO <2108.00> EO-2: Target(tgt-7269) tasked for imaging
2025-10-16 18:32:28,382 sats.satellite.EO-2 INFO <2108.00> EO-2: Target(tgt-7269) window enabled: 2048.9 to 2176.9
2025-10-16 18:32:28,383 sats.satellite.EO-2 INFO <2108.00> EO-2: setting timed terminal event at 2176.9
2025-10-16 18:32:28,384 sats.satellite.EO-3 INFO <2108.00> EO-3: target index 2 tasked
2025-10-16 18:32:28,385 sats.satellite.EO-3 INFO <2108.00> EO-3: Target(tgt-8191) tasked for imaging
2025-10-16 18:32:28,386 sats.satellite.EO-3 INFO <2108.00> EO-3: Target(tgt-8191) window enabled: 2028.5 to 2123.5
2025-10-16 18:32:28,386 sats.satellite.EO-3 INFO <2108.00> EO-3: setting timed terminal event at 2123.5
2025-10-16 18:32:28,387 sats.satellite.EO-4 INFO <2108.00> EO-4: target index 21 tasked
2025-10-16 18:32:28,388 sats.satellite.EO-4 INFO <2108.00> EO-4: Target(tgt-1070) tasked for imaging
2025-10-16 18:32:28,388 sats.satellite.EO-4 INFO <2108.00> EO-4: Target(tgt-1070) window enabled: 2137.6 to 2248.7
2025-10-16 18:32:28,389 sats.satellite.EO-4 INFO <2108.00> EO-4: setting timed terminal event at 2248.7
2025-10-16 18:32:28,398 sats.satellite.EO-0 INFO <2119.00> EO-0: imaged Target(tgt-8433)
2025-10-16 18:32:28,401 data.base INFO <2119.00> Total reward: {'EO-0': np.float64(0.0035576570007977244)}
2025-10-16 18:32:28,401 sats.satellite.EO-0 INFO <2119.00> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:28,411 gym INFO <2119.00> Step reward: {'EO-0': np.float64(0.0035576570007977244)}
2025-10-16 18:32:28,412 gym INFO <2119.00> === STARTING STEP ===
2025-10-16 18:32:28,412 sats.satellite.EO-0 INFO <2119.00> EO-0: target index 22 tasked
2025-10-16 18:32:28,413 sats.satellite.EO-0 INFO <2119.00> EO-0: Target(tgt-2661) tasked for imaging
2025-10-16 18:32:28,414 sats.satellite.EO-0 INFO <2119.00> EO-0: Target(tgt-2661) window enabled: 2327.8 to 2354.2
2025-10-16 18:32:28,414 sats.satellite.EO-0 INFO <2119.00> EO-0: setting timed terminal event at 2354.2
2025-10-16 18:32:28,415 sats.satellite.EO-1 INFO <2119.00> EO-1: target index 1 tasked
2025-10-16 18:32:28,416 sats.satellite.EO-1 INFO <2119.00> EO-1: Target(tgt-2068) tasked for imaging
2025-10-16 18:32:28,417 sats.satellite.EO-1 INFO <2119.00> EO-1: Target(tgt-2068) window enabled: 1998.5 to 2122.1
2025-10-16 18:32:28,418 sats.satellite.EO-1 INFO <2119.00> EO-1: setting timed terminal event at 2122.1
2025-10-16 18:32:28,419 sats.satellite.EO-2 INFO <2119.00> EO-2: target index 2 tasked
2025-10-16 18:32:28,419 sats.satellite.EO-2 INFO <2119.00> EO-2: Target(tgt-6125) tasked for imaging
2025-10-16 18:32:28,420 sats.satellite.EO-2 INFO <2119.00> EO-2: Target(tgt-6125) window enabled: 2116.3 to 2161.2
2025-10-16 18:32:28,420 sats.satellite.EO-2 INFO <2119.00> EO-2: setting timed terminal event at 2161.2
2025-10-16 18:32:28,421 sats.satellite.EO-3 INFO <2119.00> EO-3: target index 21 tasked
2025-10-16 18:32:28,422 sats.satellite.EO-3 INFO <2119.00> EO-3: Target(tgt-7964) tasked for imaging
2025-10-16 18:32:28,422 sats.satellite.EO-3 INFO <2119.00> EO-3: Target(tgt-7964) window enabled: 2134.0 to 2265.9
2025-10-16 18:32:28,423 sats.satellite.EO-3 INFO <2119.00> EO-3: setting timed terminal event at 2265.9
2025-10-16 18:32:28,424 sats.satellite.EO-4 INFO <2119.00> EO-4: target index 7 tasked
2025-10-16 18:32:28,425 sats.satellite.EO-4 INFO <2119.00> EO-4: Target(tgt-3674) tasked for imaging
2025-10-16 18:32:28,425 sats.satellite.EO-4 INFO <2119.00> EO-4: Target(tgt-3674) window enabled: 2035.0 to 2161.8
2025-10-16 18:32:28,426 sats.satellite.EO-4 INFO <2119.00> EO-4: setting timed terminal event at 2161.8
2025-10-16 18:32:28,430 sats.satellite.EO-1 INFO <2122.50> EO-1: timed termination at 2122.1 for Target(tgt-2068) window
2025-10-16 18:32:28,433 data.base INFO <2122.50> Total reward: {}
2025-10-16 18:32:28,433 sats.satellite.EO-1 INFO <2122.50> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:28,444 gym INFO <2122.50> Step reward: {}
2025-10-16 18:32:28,445 gym INFO <2122.50> === STARTING STEP ===
2025-10-16 18:32:28,446 sats.satellite.EO-0 INFO <2122.50> EO-0: target index 30 tasked
2025-10-16 18:32:28,446 sats.satellite.EO-0 INFO <2122.50> EO-0: Target(tgt-9365) tasked for imaging
2025-10-16 18:32:28,447 sats.satellite.EO-0 INFO <2122.50> EO-0: Target(tgt-9365) window enabled: 2310.6 to 2434.0
2025-10-16 18:32:28,448 sats.satellite.EO-0 INFO <2122.50> EO-0: setting timed terminal event at 2434.0
2025-10-16 18:32:28,448 sats.satellite.EO-1 INFO <2122.50> EO-1: target index 5 tasked
2025-10-16 18:32:28,449 sats.satellite.EO-1 INFO <2122.50> EO-1: Target(tgt-7097) tasked for imaging
2025-10-16 18:32:28,451 sats.satellite.EO-1 INFO <2122.50> EO-1: Target(tgt-7097) window enabled: 2040.8 to 2159.3
2025-10-16 18:32:28,451 sats.satellite.EO-1 INFO <2122.50> EO-1: setting timed terminal event at 2159.3
2025-10-16 18:32:28,452 sats.satellite.EO-2 INFO <2122.50> EO-2: target index 22 tasked
2025-10-16 18:32:28,452 sats.satellite.EO-2 INFO <2122.50> EO-2: Target(tgt-8010) tasked for imaging
2025-10-16 18:32:28,454 sats.satellite.EO-2 INFO <2122.50> EO-2: Target(tgt-8010) window enabled: 2266.5 to 2344.9
2025-10-16 18:32:28,454 sats.satellite.EO-2 INFO <2122.50> EO-2: setting timed terminal event at 2344.9
2025-10-16 18:32:28,455 sats.satellite.EO-3 INFO <2122.50> EO-3: target index 21 tasked
2025-10-16 18:32:28,455 sats.satellite.EO-3 INFO <2122.50> EO-3: Target(tgt-6312) tasked for imaging
2025-10-16 18:32:28,457 sats.satellite.EO-3 INFO <2122.50> EO-3: Target(tgt-6312) window enabled: 2167.0 to 2299.2
2025-10-16 18:32:28,457 sats.satellite.EO-3 INFO <2122.50> EO-3: setting timed terminal event at 2299.2
2025-10-16 18:32:28,458 sats.satellite.EO-4 INFO <2122.50> EO-4: target index 9 tasked
2025-10-16 18:32:28,459 sats.satellite.EO-4 INFO <2122.50> EO-4: Target(tgt-5795) tasked for imaging
2025-10-16 18:32:28,459 sats.satellite.EO-4 INFO <2122.50> EO-4: Target(tgt-5795) window enabled: 2069.8 to 2195.5
2025-10-16 18:32:28,460 sats.satellite.EO-4 INFO <2122.50> EO-4: setting timed terminal event at 2195.5
2025-10-16 18:32:28,477 sats.satellite.EO-1 INFO <2147.00> EO-1: imaged Target(tgt-7097)
2025-10-16 18:32:28,481 data.base INFO <2147.00> Total reward: {'EO-1': np.float64(0.17951343241224035)}
2025-10-16 18:32:28,481 sats.satellite.EO-1 INFO <2147.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:28,493 gym INFO <2147.00> Step reward: {'EO-1': np.float64(0.17951343241224035)}
2025-10-16 18:32:28,494 gym INFO <2147.00> === STARTING STEP ===
2025-10-16 18:32:28,495 sats.satellite.EO-0 INFO <2147.00> EO-0: target index 16 tasked
2025-10-16 18:32:28,495 sats.satellite.EO-0 INFO <2147.00> EO-0: Target(tgt-3148) tasked for imaging
2025-10-16 18:32:28,496 sats.satellite.EO-0 INFO <2147.00> EO-0: Target(tgt-3148) window enabled: 2192.3 to 2308.5
2025-10-16 18:32:28,496 sats.satellite.EO-0 INFO <2147.00> EO-0: setting timed terminal event at 2308.5
2025-10-16 18:32:28,497 sats.satellite.EO-1 INFO <2147.00> EO-1: target index 14 tasked
2025-10-16 18:32:28,498 sats.satellite.EO-1 INFO <2147.00> EO-1: Target(tgt-9556) tasked for imaging
2025-10-16 18:32:28,498 sats.satellite.EO-1 INFO <2147.00> EO-1: Target(tgt-9556) window enabled: 2129.1 to 2243.6
2025-10-16 18:32:28,499 sats.satellite.EO-1 INFO <2147.00> EO-1: setting timed terminal event at 2243.6
2025-10-16 18:32:28,500 sats.satellite.EO-2 INFO <2147.00> EO-2: target index 6 tasked
2025-10-16 18:32:28,500 sats.satellite.EO-2 INFO <2147.00> EO-2: Target(tgt-5825) tasked for imaging
2025-10-16 18:32:28,502 sats.satellite.EO-2 INFO <2147.00> EO-2: Target(tgt-5825) window enabled: 2133.7 to 2228.8
2025-10-16 18:32:28,502 sats.satellite.EO-2 INFO <2147.00> EO-2: setting timed terminal event at 2228.8
2025-10-16 18:32:28,503 sats.satellite.EO-3 INFO <2147.00> EO-3: target index 30 tasked
2025-10-16 18:32:28,504 sats.satellite.EO-3 INFO <2147.00> EO-3: Target(tgt-6931) tasked for imaging
2025-10-16 18:32:28,505 sats.satellite.EO-3 INFO <2147.00> EO-3: Target(tgt-6931) window enabled: 2252.7 to 2383.7
2025-10-16 18:32:28,505 sats.satellite.EO-3 INFO <2147.00> EO-3: setting timed terminal event at 2383.7
2025-10-16 18:32:28,506 sats.satellite.EO-4 INFO <2147.00> EO-4: target index 27 tasked
2025-10-16 18:32:28,506 sats.satellite.EO-4 INFO <2147.00> EO-4: Target(tgt-300) tasked for imaging
2025-10-16 18:32:28,508 sats.satellite.EO-4 INFO <2147.00> EO-4: Target(tgt-300) window enabled: 2312.6 to 2382.6
2025-10-16 18:32:28,508 sats.satellite.EO-4 INFO <2147.00> EO-4: setting timed terminal event at 2382.6
2025-10-16 18:32:28,536 sats.satellite.EO-2 INFO <2184.00> EO-2: imaged Target(tgt-5825)
2025-10-16 18:32:28,539 data.base INFO <2184.00> Total reward: {}
2025-10-16 18:32:28,539 sats.satellite.EO-2 INFO <2184.00> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:28,549 gym INFO <2184.00> Step reward: {}
2025-10-16 18:32:28,550 gym INFO <2184.00> === STARTING STEP ===
2025-10-16 18:32:28,550 sats.satellite.EO-0 INFO <2184.00> EO-0: target index 29 tasked
2025-10-16 18:32:28,551 sats.satellite.EO-0 INFO <2184.00> EO-0: Target(tgt-2053) tasked for imaging
2025-10-16 18:32:28,552 sats.satellite.EO-0 INFO <2184.00> EO-0: Target(tgt-2053) window enabled: 2348.6 to 2448.2
2025-10-16 18:32:28,552 sats.satellite.EO-0 INFO <2184.00> EO-0: setting timed terminal event at 2448.2
2025-10-16 18:32:28,553 sats.satellite.EO-1 INFO <2184.00> EO-1: target index 18 tasked
2025-10-16 18:32:28,553 sats.satellite.EO-1 INFO <2184.00> EO-1: Target(tgt-5218) tasked for imaging
2025-10-16 18:32:28,554 sats.satellite.EO-1 INFO <2184.00> EO-1: Target(tgt-5218) window enabled: 2276.3 to 2397.2
2025-10-16 18:32:28,555 sats.satellite.EO-1 INFO <2184.00> EO-1: setting timed terminal event at 2397.2
2025-10-16 18:32:28,556 sats.satellite.EO-2 INFO <2184.00> EO-2: target index 17 tasked
2025-10-16 18:32:28,557 sats.satellite.EO-2 INFO <2184.00> EO-2: Target(tgt-8010) tasked for imaging
2025-10-16 18:32:28,558 sats.satellite.EO-2 INFO <2184.00> EO-2: Target(tgt-8010) window enabled: 2266.5 to 2344.9
2025-10-16 18:32:28,558 sats.satellite.EO-2 INFO <2184.00> EO-2: setting timed terminal event at 2344.9
2025-10-16 18:32:28,559 sats.satellite.EO-3 INFO <2184.00> EO-3: target index 28 tasked
2025-10-16 18:32:28,560 sats.satellite.EO-3 INFO <2184.00> EO-3: Target(tgt-4324) tasked for imaging
2025-10-16 18:32:28,561 sats.satellite.EO-3 INFO <2184.00> EO-3: Target(tgt-4324) window enabled: 2311.7 to 2432.7
2025-10-16 18:32:28,561 sats.satellite.EO-3 INFO <2184.00> EO-3: setting timed terminal event at 2432.7
2025-10-16 18:32:28,562 sats.satellite.EO-4 INFO <2184.00> EO-4: target index 22 tasked
2025-10-16 18:32:28,563 sats.satellite.EO-4 INFO <2184.00> EO-4: Target(tgt-300) window enabled: 2312.6 to 2382.6
2025-10-16 18:32:28,564 sats.satellite.EO-4 INFO <2184.00> EO-4: setting timed terminal event at 2382.6
2025-10-16 18:32:28,620 sats.satellite.EO-2 INFO <2268.00> EO-2: imaged Target(tgt-8010)
2025-10-16 18:32:28,623 data.base INFO <2268.00> Total reward: {'EO-2': np.float64(0.022299063793945882)}
2025-10-16 18:32:28,624 sats.satellite.EO-2 INFO <2268.00> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:28,642 gym INFO <2268.00> Step reward: {'EO-2': np.float64(0.022299063793945882)}
2025-10-16 18:32:28,643 gym INFO <2268.00> === STARTING STEP ===
2025-10-16 18:32:28,643 sats.satellite.EO-0 INFO <2268.00> EO-0: target index 10 tasked
2025-10-16 18:32:28,644 sats.satellite.EO-0 INFO <2268.00> EO-0: Target(tgt-9186) tasked for imaging
2025-10-16 18:32:28,645 sats.satellite.EO-0 INFO <2268.00> EO-0: Target(tgt-9186) window enabled: 2266.3 to 2355.4
2025-10-16 18:32:28,645 sats.satellite.EO-0 INFO <2268.00> EO-0: setting timed terminal event at 2355.4
2025-10-16 18:32:28,646 sats.satellite.EO-1 INFO <2268.00> EO-1: target index 29 tasked
2025-10-16 18:32:28,647 sats.satellite.EO-1 INFO <2268.00> EO-1: Target(tgt-6383) tasked for imaging
2025-10-16 18:32:28,648 sats.satellite.EO-1 INFO <2268.00> EO-1: Target(tgt-6383) window enabled: 2426.9 to 2553.8
2025-10-16 18:32:28,649 sats.satellite.EO-1 INFO <2268.00> EO-1: setting timed terminal event at 2553.8
2025-10-16 18:32:28,650 sats.satellite.EO-2 INFO <2268.00> EO-2: target index 17 tasked
2025-10-16 18:32:28,651 sats.satellite.EO-2 INFO <2268.00> EO-2: Target(tgt-1923) tasked for imaging
2025-10-16 18:32:28,651 sats.satellite.EO-2 INFO <2268.00> EO-2: Target(tgt-1923) window enabled: 2347.0 to 2444.4
2025-10-16 18:32:28,652 sats.satellite.EO-2 INFO <2268.00> EO-2: setting timed terminal event at 2444.4
2025-10-16 18:32:28,653 sats.satellite.EO-3 INFO <2268.00> EO-3: target index 23 tasked
2025-10-16 18:32:28,653 sats.satellite.EO-3 INFO <2268.00> EO-3: Target(tgt-5076) tasked for imaging
2025-10-16 18:32:28,653 sats.satellite.EO-3 INFO <2268.00> EO-3: Target(tgt-5076) window enabled: 2341.0 to 2470.7
2025-10-16 18:32:28,654 sats.satellite.EO-3 INFO <2268.00> EO-3: setting timed terminal event at 2470.7
2025-10-16 18:32:28,655 sats.satellite.EO-4 INFO <2268.00> EO-4: target index 29 tasked
2025-10-16 18:32:28,655 sats.satellite.EO-4 INFO <2268.00> EO-4: Target(tgt-1294) tasked for imaging
2025-10-16 18:32:28,656 sats.satellite.EO-4 INFO <2268.00> EO-4: Target(tgt-1294) window enabled: 2444.7 to 2572.5
2025-10-16 18:32:28,656 sats.satellite.EO-4 INFO <2268.00> EO-4: setting timed terminal event at 2572.5
2025-10-16 18:32:28,692 sats.satellite.EO-0 INFO <2314.00> EO-0: imaged Target(tgt-9186)
2025-10-16 18:32:28,695 data.base INFO <2314.00> Total reward: {'EO-0': np.float64(0.14729805215951575)}
2025-10-16 18:32:28,696 sats.satellite.EO-0 INFO <2314.00> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:28,718 gym INFO <2314.00> Step reward: {'EO-0': np.float64(0.14729805215951575)}
2025-10-16 18:32:28,719 gym INFO <2314.00> === STARTING STEP ===
2025-10-16 18:32:28,719 sats.satellite.EO-0 INFO <2314.00> EO-0: target index 25 tasked
2025-10-16 18:32:28,720 sats.satellite.EO-0 INFO <2314.00> EO-0: Target(tgt-7343) tasked for imaging
2025-10-16 18:32:28,721 sats.satellite.EO-0 INFO <2314.00> EO-0: Target(tgt-7343) window enabled: 2464.6 to 2577.9
2025-10-16 18:32:28,721 sats.satellite.EO-0 INFO <2314.00> EO-0: setting timed terminal event at 2577.9
2025-10-16 18:32:28,722 sats.satellite.EO-1 INFO <2314.00> EO-1: target index 8 tasked
2025-10-16 18:32:28,722 sats.satellite.EO-1 INFO <2314.00> EO-1: Target(tgt-8451) tasked for imaging
2025-10-16 18:32:28,724 sats.satellite.EO-1 INFO <2314.00> EO-1: Target(tgt-8451) window enabled: 2285.2 to 2409.2
2025-10-16 18:32:28,724 sats.satellite.EO-1 INFO <2314.00> EO-1: setting timed terminal event at 2409.2
2025-10-16 18:32:28,725 sats.satellite.EO-2 INFO <2314.00> EO-2: target index 8 tasked
2025-10-16 18:32:28,725 sats.satellite.EO-2 INFO <2314.00> EO-2: Target(tgt-1337) tasked for imaging
2025-10-16 18:32:28,726 sats.satellite.EO-2 INFO <2314.00> EO-2: Target(tgt-1337) window enabled: 2266.7 to 2387.8
2025-10-16 18:32:28,726 sats.satellite.EO-2 INFO <2314.00> EO-2: setting timed terminal event at 2387.8
2025-10-16 18:32:28,727 sats.satellite.EO-3 INFO <2314.00> EO-3: target index 11 tasked
2025-10-16 18:32:28,728 sats.satellite.EO-3 INFO <2314.00> EO-3: Target(tgt-482) tasked for imaging
2025-10-16 18:32:28,729 sats.satellite.EO-3 INFO <2314.00> EO-3: Target(tgt-482) window enabled: 2307.3 to 2429.6
2025-10-16 18:32:28,729 sats.satellite.EO-3 INFO <2314.00> EO-3: setting timed terminal event at 2429.6
2025-10-16 18:32:28,731 sats.satellite.EO-4 INFO <2314.00> EO-4: target index 28 tasked
2025-10-16 18:32:28,731 sats.satellite.EO-4 INFO <2314.00> EO-4: Target(tgt-5568) tasked for imaging
2025-10-16 18:32:28,732 sats.satellite.EO-4 INFO <2314.00> EO-4: Target(tgt-5568) window enabled: 2504.3 to 2614.5
2025-10-16 18:32:28,733 sats.satellite.EO-4 INFO <2314.00> EO-4: setting timed terminal event at 2614.5
2025-10-16 18:32:28,757 sats.satellite.EO-3 INFO <2346.00> EO-3: imaged Target(tgt-482)
2025-10-16 18:32:28,760 data.base INFO <2346.00> Total reward: {'EO-3': np.float64(0.024912554258051615)}
2025-10-16 18:32:28,760 sats.satellite.EO-3 INFO <2346.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:28,770 gym INFO <2346.00> Step reward: {'EO-3': np.float64(0.024912554258051615)}
2025-10-16 18:32:28,771 gym INFO <2346.00> === STARTING STEP ===
2025-10-16 18:32:28,771 sats.satellite.EO-0 INFO <2346.00> EO-0: target index 30 tasked
2025-10-16 18:32:28,772 sats.satellite.EO-0 INFO <2346.00> EO-0: Target(tgt-6824) tasked for imaging
2025-10-16 18:32:28,773 sats.satellite.EO-0 INFO <2346.00> EO-0: Target(tgt-6824) window enabled: 2581.7 to 2712.0
2025-10-16 18:32:28,774 sats.satellite.EO-0 INFO <2346.00> EO-0: setting timed terminal event at 2712.0
2025-10-16 18:32:28,775 sats.satellite.EO-1 INFO <2346.00> EO-1: target index 21 tasked
2025-10-16 18:32:28,775 sats.satellite.EO-1 INFO <2346.00> EO-1: Target(tgt-4675) tasked for imaging
2025-10-16 18:32:28,776 sats.satellite.EO-1 INFO <2346.00> EO-1: Target(tgt-4675) window enabled: 2422.4 to 2537.4
2025-10-16 18:32:28,777 sats.satellite.EO-1 INFO <2346.00> EO-1: setting timed terminal event at 2537.4
2025-10-16 18:32:28,777 sats.satellite.EO-2 INFO <2346.00> EO-2: target index 6 tasked
2025-10-16 18:32:28,778 sats.satellite.EO-2 INFO <2346.00> EO-2: Target(tgt-2376) tasked for imaging
2025-10-16 18:32:28,778 sats.satellite.EO-2 INFO <2346.00> EO-2: Target(tgt-2376) window enabled: 2282.8 to 2410.8
2025-10-16 18:32:28,779 sats.satellite.EO-2 INFO <2346.00> EO-2: setting timed terminal event at 2410.8
2025-10-16 18:32:28,780 sats.satellite.EO-3 INFO <2346.00> EO-3: target index 25 tasked
2025-10-16 18:32:28,780 sats.satellite.EO-3 INFO <2346.00> EO-3: Target(tgt-9592) tasked for imaging
2025-10-16 18:32:28,781 sats.satellite.EO-3 INFO <2346.00> EO-3: Target(tgt-9592) window enabled: 2442.6 to 2574.7
2025-10-16 18:32:28,782 sats.satellite.EO-3 INFO <2346.00> EO-3: setting timed terminal event at 2574.7
2025-10-16 18:32:28,782 sats.satellite.EO-4 INFO <2346.00> EO-4: target index 1 tasked
2025-10-16 18:32:28,783 sats.satellite.EO-4 INFO <2346.00> EO-4: Target(tgt-7645) tasked for imaging
2025-10-16 18:32:28,784 sats.satellite.EO-4 INFO <2346.00> EO-4: Target(tgt-7645) window enabled: 2248.3 to 2376.0
2025-10-16 18:32:28,784 sats.satellite.EO-4 INFO <2346.00> EO-4: setting timed terminal event at 2376.0
2025-10-16 18:32:28,806 sats.satellite.EO-2 INFO <2372.00> EO-2: imaged Target(tgt-2376)
2025-10-16 18:32:28,809 data.base INFO <2372.00> Total reward: {'EO-2': np.float64(0.012561226146212575)}
2025-10-16 18:32:28,809 sats.satellite.EO-2 INFO <2372.00> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:28,820 gym INFO <2372.00> Step reward: {'EO-2': np.float64(0.012561226146212575)}
2025-10-16 18:32:28,820 gym INFO <2372.00> === STARTING STEP ===
2025-10-16 18:32:28,821 sats.satellite.EO-0 INFO <2372.00> EO-0: target index 9 tasked
2025-10-16 18:32:28,821 sats.satellite.EO-0 INFO <2372.00> EO-0: Target(tgt-2883) tasked for imaging
2025-10-16 18:32:28,822 sats.satellite.EO-0 INFO <2372.00> EO-0: Target(tgt-2883) window enabled: 2364.6 to 2495.2
2025-10-16 18:32:28,823 sats.satellite.EO-0 INFO <2372.00> EO-0: setting timed terminal event at 2495.2
2025-10-16 18:32:28,823 sats.satellite.EO-1 INFO <2372.00> EO-1: target index 2 tasked
2025-10-16 18:32:28,824 sats.satellite.EO-1 INFO <2372.00> EO-1: Target(tgt-1906) tasked for imaging
2025-10-16 18:32:28,825 sats.satellite.EO-1 INFO <2372.00> EO-1: Target(tgt-1906) window enabled: 2257.6 to 2383.2
2025-10-16 18:32:28,825 sats.satellite.EO-1 INFO <2372.00> EO-1: setting timed terminal event at 2383.2
2025-10-16 18:32:28,826 sats.satellite.EO-2 INFO <2372.00> EO-2: target index 12 tasked
2025-10-16 18:32:28,826 sats.satellite.EO-2 INFO <2372.00> EO-2: Target(tgt-4548) tasked for imaging
2025-10-16 18:32:28,827 sats.satellite.EO-2 INFO <2372.00> EO-2: Target(tgt-4548) window enabled: 2432.3 to 2475.9
2025-10-16 18:32:28,828 sats.satellite.EO-2 INFO <2372.00> EO-2: setting timed terminal event at 2475.9
2025-10-16 18:32:28,830 sats.satellite.EO-3 INFO <2372.00> EO-3: target index 0 tasked
2025-10-16 18:32:28,830 sats.satellite.EO-3 INFO <2372.00> EO-3: Target(tgt-2107) tasked for imaging
2025-10-16 18:32:28,831 sats.satellite.EO-3 INFO <2372.00> EO-3: Target(tgt-2107) window enabled: 2253.5 to 2375.3
2025-10-16 18:32:28,832 sats.satellite.EO-3 INFO <2372.00> EO-3: setting timed terminal event at 2375.3
2025-10-16 18:32:28,833 sats.satellite.EO-4 INFO <2372.00> EO-4: target index 6 tasked
2025-10-16 18:32:28,833 sats.satellite.EO-4 INFO <2372.00> EO-4: Target(tgt-9515) tasked for imaging
2025-10-16 18:32:28,834 sats.satellite.EO-4 INFO <2372.00> EO-4: Target(tgt-9515) window enabled: 2342.2 to 2416.0
2025-10-16 18:32:28,834 sats.satellite.EO-4 INFO <2372.00> EO-4: setting timed terminal event at 2416.0
2025-10-16 18:32:28,838 sats.satellite.EO-3 INFO <2375.50> EO-3: timed termination at 2375.3 for Target(tgt-2107) window
2025-10-16 18:32:28,841 data.base INFO <2375.50> Total reward: {}
2025-10-16 18:32:28,842 sats.satellite.EO-3 INFO <2375.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:28,854 gym INFO <2375.50> Step reward: {}
2025-10-16 18:32:28,855 gym INFO <2375.50> === STARTING STEP ===
2025-10-16 18:32:28,855 sats.satellite.EO-0 INFO <2375.50> EO-0: target index 19 tasked
2025-10-16 18:32:28,856 sats.satellite.EO-0 INFO <2375.50> EO-0: Target(tgt-4348) tasked for imaging
2025-10-16 18:32:28,856 sats.satellite.EO-0 INFO <2375.50> EO-0: Target(tgt-4348) window enabled: 2512.9 to 2620.5
2025-10-16 18:32:28,858 sats.satellite.EO-0 INFO <2375.50> EO-0: setting timed terminal event at 2620.5
2025-10-16 18:32:28,859 sats.satellite.EO-1 INFO <2375.50> EO-1: target index 7 tasked
2025-10-16 18:32:28,859 sats.satellite.EO-1 INFO <2375.50> EO-1: Target(tgt-3939) tasked for imaging
2025-10-16 18:32:28,860 sats.satellite.EO-1 INFO <2375.50> EO-1: Target(tgt-3939) window enabled: 2339.6 to 2468.3
2025-10-16 18:32:28,860 sats.satellite.EO-1 INFO <2375.50> EO-1: setting timed terminal event at 2468.3
2025-10-16 18:32:28,861 sats.satellite.EO-2 INFO <2375.50> EO-2: target index 4 tasked
2025-10-16 18:32:28,862 sats.satellite.EO-2 INFO <2375.50> EO-2: Target(tgt-2376) tasked for imaging
2025-10-16 18:32:28,862 sats.satellite.EO-2 INFO <2375.50> EO-2: Target(tgt-2376) window enabled: 2282.8 to 2410.8
2025-10-16 18:32:28,863 sats.satellite.EO-2 INFO <2375.50> EO-2: setting timed terminal event at 2410.8
2025-10-16 18:32:28,863 sats.satellite.EO-3 INFO <2375.50> EO-3: target index 11 tasked
2025-10-16 18:32:28,864 sats.satellite.EO-3 INFO <2375.50> EO-3: Target(tgt-5076) tasked for imaging
2025-10-16 18:32:28,865 sats.satellite.EO-3 INFO <2375.50> EO-3: Target(tgt-5076) window enabled: 2341.0 to 2470.7
2025-10-16 18:32:28,865 sats.satellite.EO-3 INFO <2375.50> EO-3: setting timed terminal event at 2470.7
2025-10-16 18:32:28,866 sats.satellite.EO-4 INFO <2375.50> EO-4: target index 6 tasked
2025-10-16 18:32:28,867 sats.satellite.EO-4 INFO <2375.50> EO-4: Target(tgt-9515) window enabled: 2342.2 to 2416.0
2025-10-16 18:32:28,867 sats.satellite.EO-4 INFO <2375.50> EO-4: setting timed terminal event at 2416.0
2025-10-16 18:32:28,870 sats.satellite.EO-2 INFO <2376.50> EO-2: imaged Target(tgt-2376)
2025-10-16 18:32:28,873 data.base INFO <2376.50> Total reward: {'EO-2': np.float64(1.52652433273906e-05)}
2025-10-16 18:32:28,873 sats.satellite.EO-2 INFO <2376.50> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:28,883 gym INFO <2376.50> Step reward: {'EO-2': np.float64(1.52652433273906e-05)}
2025-10-16 18:32:28,883 gym INFO <2376.50> === STARTING STEP ===
2025-10-16 18:32:28,884 sats.satellite.EO-0 INFO <2376.50> EO-0: target index 3 tasked
2025-10-16 18:32:28,884 sats.satellite.EO-0 INFO <2376.50> EO-0: Target(tgt-9278) tasked for imaging
2025-10-16 18:32:28,886 sats.satellite.EO-0 INFO <2376.50> EO-0: Target(tgt-9278) window enabled: 2304.2 to 2417.8
2025-10-16 18:32:28,886 sats.satellite.EO-0 INFO <2376.50> EO-0: setting timed terminal event at 2417.8
2025-10-16 18:32:28,887 sats.satellite.EO-1 INFO <2376.50> EO-1: target index 9 tasked
2025-10-16 18:32:28,887 sats.satellite.EO-1 INFO <2376.50> EO-1: Target(tgt-4446) tasked for imaging
2025-10-16 18:32:28,888 sats.satellite.EO-1 INFO <2376.50> EO-1: Target(tgt-4446) window enabled: 2410.1 to 2494.5
2025-10-16 18:32:28,889 sats.satellite.EO-1 INFO <2376.50> EO-1: setting timed terminal event at 2494.5
2025-10-16 18:32:28,890 sats.satellite.EO-2 INFO <2376.50> EO-2: target index 10 tasked
2025-10-16 18:32:28,891 sats.satellite.EO-2 INFO <2376.50> EO-2: Target(tgt-1750) tasked for imaging
2025-10-16 18:32:28,891 sats.satellite.EO-2 INFO <2376.50> EO-2: Target(tgt-1750) window enabled: 2371.3 to 2459.2
2025-10-16 18:32:28,892 sats.satellite.EO-2 INFO <2376.50> EO-2: setting timed terminal event at 2459.2
2025-10-16 18:32:28,893 sats.satellite.EO-3 INFO <2376.50> EO-3: target index 27 tasked
2025-10-16 18:32:28,893 sats.satellite.EO-3 INFO <2376.50> EO-3: Target(tgt-3768) tasked for imaging
2025-10-16 18:32:28,894 sats.satellite.EO-3 INFO <2376.50> EO-3: Target(tgt-3768) window enabled: 2527.7 to 2629.5
2025-10-16 18:32:28,894 sats.satellite.EO-3 INFO <2376.50> EO-3: setting timed terminal event at 2629.5
2025-10-16 18:32:28,895 sats.satellite.EO-4 INFO <2376.50> EO-4: target index 17 tasked
2025-10-16 18:32:28,896 sats.satellite.EO-4 INFO <2376.50> EO-4: Target(tgt-5258) tasked for imaging
2025-10-16 18:32:28,896 sats.satellite.EO-4 INFO <2376.50> EO-4: Target(tgt-5258) window enabled: 2445.1 to 2547.4
2025-10-16 18:32:28,897 sats.satellite.EO-4 INFO <2376.50> EO-4: setting timed terminal event at 2547.4
2025-10-16 18:32:28,921 sats.satellite.EO-1 INFO <2411.50> EO-1: imaged Target(tgt-4446)
2025-10-16 18:32:28,924 data.base INFO <2411.50> Total reward: {'EO-1': np.float64(0.017936507271331007)}
2025-10-16 18:32:28,925 sats.satellite.EO-1 INFO <2411.50> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:28,935 gym INFO <2411.50> Step reward: {'EO-1': np.float64(0.017936507271331007)}
2025-10-16 18:32:28,936 gym INFO <2411.50> === STARTING STEP ===
2025-10-16 18:32:28,936 sats.satellite.EO-0 INFO <2411.50> EO-0: target index 12 tasked
2025-10-16 18:32:28,937 sats.satellite.EO-0 INFO <2411.50> EO-0: Target(tgt-6408) tasked for imaging
2025-10-16 18:32:28,938 sats.satellite.EO-0 INFO <2411.50> EO-0: Target(tgt-6408) window enabled: 2438.1 to 2559.9
2025-10-16 18:32:28,938 sats.satellite.EO-0 INFO <2411.50> EO-0: setting timed terminal event at 2559.9
2025-10-16 18:32:28,939 sats.satellite.EO-1 INFO <2411.50> EO-1: target index 5 tasked
2025-10-16 18:32:28,939 sats.satellite.EO-1 INFO <2411.50> EO-1: Target(tgt-6031) tasked for imaging
2025-10-16 18:32:28,940 sats.satellite.EO-1 INFO <2411.50> EO-1: Target(tgt-6031) window enabled: 2374.4 to 2504.8
2025-10-16 18:32:28,940 sats.satellite.EO-1 INFO <2411.50> EO-1: setting timed terminal event at 2504.8
2025-10-16 18:32:28,941 sats.satellite.EO-2 INFO <2411.50> EO-2: target index 22 tasked
2025-10-16 18:32:28,942 sats.satellite.EO-2 INFO <2411.50> EO-2: Target(tgt-6513) tasked for imaging
2025-10-16 18:32:28,942 sats.satellite.EO-2 INFO <2411.50> EO-2: Target(tgt-6513) window enabled: 2570.2 to 2632.8
2025-10-16 18:32:28,943 sats.satellite.EO-2 INFO <2411.50> EO-2: setting timed terminal event at 2632.8
2025-10-16 18:32:28,943 sats.satellite.EO-3 INFO <2411.50> EO-3: target index 25 tasked
2025-10-16 18:32:28,944 sats.satellite.EO-3 INFO <2411.50> EO-3: Target(tgt-2316) tasked for imaging
2025-10-16 18:32:28,945 sats.satellite.EO-3 INFO <2411.50> EO-3: Target(tgt-2316) window enabled: 2575.2 to 2638.5
2025-10-16 18:32:28,945 sats.satellite.EO-3 INFO <2411.50> EO-3: setting timed terminal event at 2638.5
2025-10-16 18:32:28,946 sats.satellite.EO-4 INFO <2411.50> EO-4: target index 24 tasked
2025-10-16 18:32:28,946 sats.satellite.EO-4 INFO <2411.50> EO-4: Target(tgt-9222) tasked for imaging
2025-10-16 18:32:28,947 sats.satellite.EO-4 INFO <2411.50> EO-4: Target(tgt-9222) window enabled: 2538.8 to 2641.3
2025-10-16 18:32:28,947 sats.satellite.EO-4 INFO <2411.50> EO-4: setting timed terminal event at 2641.3
2025-10-16 18:32:28,971 sats.satellite.EO-1 INFO <2443.00> EO-1: imaged Target(tgt-6031)
2025-10-16 18:32:28,974 data.base INFO <2443.00> Total reward: {'EO-1': np.float64(0.06974720819500473)}
2025-10-16 18:32:28,975 sats.satellite.EO-1 INFO <2443.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:28,987 gym INFO <2443.00> Step reward: {'EO-1': np.float64(0.06974720819500473)}
2025-10-16 18:32:28,988 gym INFO <2443.00> === STARTING STEP ===
2025-10-16 18:32:28,988 sats.satellite.EO-0 INFO <2443.00> EO-0: action_charge tasked for 60.0 seconds
2025-10-16 18:32:28,989 sats.satellite.EO-0 INFO <2443.00> EO-0: setting timed terminal event at 2503.0
2025-10-16 18:32:28,990 sats.satellite.EO-1 INFO <2443.00> EO-1: target index 21 tasked
2025-10-16 18:32:28,991 sats.satellite.EO-1 INFO <2443.00> EO-1: Target(tgt-5167) tasked for imaging
2025-10-16 18:32:28,992 sats.satellite.EO-1 INFO <2443.00> EO-1: Target(tgt-5167) window enabled: 2500.8 to 2622.2
2025-10-16 18:32:28,992 sats.satellite.EO-1 INFO <2443.00> EO-1: setting timed terminal event at 2622.2
2025-10-16 18:32:28,993 sats.satellite.EO-2 INFO <2443.00> EO-2: target index 30 tasked
2025-10-16 18:32:28,993 sats.satellite.EO-2 INFO <2443.00> EO-2: Target(tgt-5345) tasked for imaging
2025-10-16 18:32:28,994 sats.satellite.EO-2 INFO <2443.00> EO-2: Target(tgt-5345) window enabled: 2628.0 to 2705.2
2025-10-16 18:32:28,995 sats.satellite.EO-2 INFO <2443.00> EO-2: setting timed terminal event at 2705.2
2025-10-16 18:32:28,995 sats.satellite.EO-3 INFO <2443.00> EO-3: target index 17 tasked
2025-10-16 18:32:28,996 sats.satellite.EO-3 INFO <2443.00> EO-3: Target(tgt-9001) tasked for imaging
2025-10-16 18:32:28,997 sats.satellite.EO-3 INFO <2443.00> EO-3: Target(tgt-9001) window enabled: 2448.4 to 2576.2
2025-10-16 18:32:28,997 sats.satellite.EO-3 INFO <2443.00> EO-3: setting timed terminal event at 2576.2
2025-10-16 18:32:28,998 sats.satellite.EO-4 INFO <2443.00> EO-4: target index 18 tasked
2025-10-16 18:32:28,998 sats.satellite.EO-4 INFO <2443.00> EO-4: Target(tgt-5568) tasked for imaging
2025-10-16 18:32:28,999 sats.satellite.EO-4 INFO <2443.00> EO-4: Target(tgt-5568) window enabled: 2504.3 to 2614.5
2025-10-16 18:32:28,999 sats.satellite.EO-4 INFO <2443.00> EO-4: setting timed terminal event at 2614.5
2025-10-16 18:32:29,020 sats.satellite.EO-3 INFO <2470.00> EO-3: imaged Target(tgt-9001)
2025-10-16 18:32:29,023 data.base INFO <2470.00> Total reward: {}
2025-10-16 18:32:29,023 sats.satellite.EO-3 INFO <2470.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:29,035 gym INFO <2470.00> Step reward: {}
2025-10-16 18:32:29,036 gym INFO <2470.00> === STARTING STEP ===
2025-10-16 18:32:29,036 sats.satellite.EO-0 INFO <2470.00> EO-0: target index 28 tasked
2025-10-16 18:32:29,037 sats.satellite.EO-0 INFO <2470.00> EO-0: Target(tgt-8742) tasked for imaging
2025-10-16 18:32:29,038 sats.satellite.EO-0 INFO <2470.00> EO-0: Target(tgt-8742) window enabled: 2683.7 to 2782.2
2025-10-16 18:32:29,038 sats.satellite.EO-0 INFO <2470.00> EO-0: setting timed terminal event at 2782.2
2025-10-16 18:32:29,039 sats.satellite.EO-1 INFO <2470.00> EO-1: target index 4 tasked
2025-10-16 18:32:29,040 sats.satellite.EO-1 INFO <2470.00> EO-1: Target(tgt-205) tasked for imaging
2025-10-16 18:32:29,040 sats.satellite.EO-1 INFO <2470.00> EO-1: Target(tgt-205) window enabled: 2404.1 to 2506.3
2025-10-16 18:32:29,041 sats.satellite.EO-1 INFO <2470.00> EO-1: setting timed terminal event at 2506.3
2025-10-16 18:32:29,042 sats.satellite.EO-2 INFO <2470.00> EO-2: target index 5 tasked
2025-10-16 18:32:29,042 sats.satellite.EO-2 INFO <2470.00> EO-2: Target(tgt-3824) tasked for imaging
2025-10-16 18:32:29,043 sats.satellite.EO-2 INFO <2470.00> EO-2: Target(tgt-3824) window enabled: 2430.8 to 2501.6
2025-10-16 18:32:29,044 sats.satellite.EO-2 INFO <2470.00> EO-2: setting timed terminal event at 2501.6
2025-10-16 18:32:29,044 sats.satellite.EO-3 INFO <2470.00> EO-3: target index 4 tasked
2025-10-16 18:32:29,045 sats.satellite.EO-3 INFO <2470.00> EO-3: Target(tgt-912) tasked for imaging
2025-10-16 18:32:29,045 sats.satellite.EO-3 INFO <2470.00> EO-3: Target(tgt-912) window enabled: 2359.6 to 2490.4
2025-10-16 18:32:29,046 sats.satellite.EO-3 INFO <2470.00> EO-3: setting timed terminal event at 2490.4
2025-10-16 18:32:29,047 sats.satellite.EO-4 INFO <2470.00> EO-4: target index 26 tasked
2025-10-16 18:32:29,048 sats.satellite.EO-4 INFO <2470.00> EO-4: Target(tgt-2579) tasked for imaging
2025-10-16 18:32:29,048 sats.satellite.EO-4 INFO <2470.00> EO-4: Target(tgt-2579) window enabled: 2570.5 to 2697.5
2025-10-16 18:32:29,049 sats.satellite.EO-4 INFO <2470.00> EO-4: setting timed terminal event at 2697.5
2025-10-16 18:32:29,063 sats.satellite.EO-3 INFO <2490.50> EO-3: timed termination at 2490.4 for Target(tgt-912) window
2025-10-16 18:32:29,066 data.base INFO <2490.50> Total reward: {}
2025-10-16 18:32:29,067 sats.satellite.EO-3 INFO <2490.50> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:29,078 gym INFO <2490.50> Step reward: {}
2025-10-16 18:32:29,078 gym INFO <2490.50> === STARTING STEP ===
2025-10-16 18:32:29,079 sats.satellite.EO-0 INFO <2490.50> EO-0: target index 28 tasked
2025-10-16 18:32:29,080 sats.satellite.EO-0 INFO <2490.50> EO-0: Target(tgt-6166) tasked for imaging
2025-10-16 18:32:29,081 sats.satellite.EO-0 INFO <2490.50> EO-0: Target(tgt-6166) window enabled: 2733.7 to 2802.5
2025-10-16 18:32:29,081 sats.satellite.EO-0 INFO <2490.50> EO-0: setting timed terminal event at 2802.5
2025-10-16 18:32:29,082 sats.satellite.EO-1 INFO <2490.50> EO-1: target index 26 tasked
2025-10-16 18:32:29,082 sats.satellite.EO-1 INFO <2490.50> EO-1: Target(tgt-9404) tasked for imaging
2025-10-16 18:32:29,083 sats.satellite.EO-1 INFO <2490.50> EO-1: Target(tgt-9404) window enabled: 2623.5 to 2653.8
2025-10-16 18:32:29,084 sats.satellite.EO-1 INFO <2490.50> EO-1: setting timed terminal event at 2653.8
2025-10-16 18:32:29,084 sats.satellite.EO-2 INFO <2490.50> EO-2: target index 3 tasked
2025-10-16 18:32:29,085 sats.satellite.EO-2 INFO <2490.50> EO-2: Target(tgt-3026) tasked for imaging
2025-10-16 18:32:29,085 sats.satellite.EO-2 INFO <2490.50> EO-2: Target(tgt-3026) window enabled: 2393.8 to 2509.5
2025-10-16 18:32:29,086 sats.satellite.EO-2 INFO <2490.50> EO-2: setting timed terminal event at 2509.5
2025-10-16 18:32:29,087 sats.satellite.EO-3 INFO <2490.50> EO-3: target index 1 tasked
2025-10-16 18:32:29,087 sats.satellite.EO-3 INFO <2490.50> EO-3: Target(tgt-4577) tasked for imaging
2025-10-16 18:32:29,088 sats.satellite.EO-3 INFO <2490.50> EO-3: Target(tgt-4577) window enabled: 2417.1 to 2509.0
2025-10-16 18:32:29,088 sats.satellite.EO-3 INFO <2490.50> EO-3: setting timed terminal event at 2509.0
2025-10-16 18:32:29,089 sats.satellite.EO-4 INFO <2490.50> EO-4: target index 28 tasked
2025-10-16 18:32:29,089 sats.satellite.EO-4 INFO <2490.50> EO-4: Target(tgt-8640) tasked for imaging
2025-10-16 18:32:29,090 sats.satellite.EO-4 INFO <2490.50> EO-4: Target(tgt-8640) window enabled: 2602.3 to 2729.1
2025-10-16 18:32:29,090 sats.satellite.EO-4 INFO <2490.50> EO-4: setting timed terminal event at 2729.1
2025-10-16 18:32:29,106 sats.satellite.EO-3 INFO <2509.00> EO-3: timed termination at 2509.0 for Target(tgt-4577) window
2025-10-16 18:32:29,108 data.base INFO <2509.00> Total reward: {}
2025-10-16 18:32:29,109 sats.satellite.EO-3 INFO <2509.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:29,119 gym INFO <2509.00> Step reward: {}
2025-10-16 18:32:29,119 gym INFO <2509.00> === STARTING STEP ===
2025-10-16 18:32:29,120 sats.satellite.EO-0 INFO <2509.00> EO-0: target index 11 tasked
2025-10-16 18:32:29,120 sats.satellite.EO-0 INFO <2509.00> EO-0: Target(tgt-6397) tasked for imaging
2025-10-16 18:32:29,122 sats.satellite.EO-0 INFO <2509.00> EO-0: Target(tgt-6397) window enabled: 2557.7 to 2687.6
2025-10-16 18:32:29,122 sats.satellite.EO-0 INFO <2509.00> EO-0: setting timed terminal event at 2687.6
2025-10-16 18:32:29,123 sats.satellite.EO-1 INFO <2509.00> EO-1: target index 11 tasked
2025-10-16 18:32:29,123 sats.satellite.EO-1 INFO <2509.00> EO-1: Target(tgt-9107) tasked for imaging
2025-10-16 18:32:29,124 sats.satellite.EO-1 INFO <2509.00> EO-1: Target(tgt-9107) window enabled: 2556.6 to 2596.1
2025-10-16 18:32:29,125 sats.satellite.EO-1 INFO <2509.00> EO-1: setting timed terminal event at 2596.1
2025-10-16 18:32:29,126 sats.satellite.EO-2 INFO <2509.00> EO-2: target index 5 tasked
2025-10-16 18:32:29,126 sats.satellite.EO-2 INFO <2509.00> EO-2: Target(tgt-5971) tasked for imaging
2025-10-16 18:32:29,127 sats.satellite.EO-2 INFO <2509.00> EO-2: Target(tgt-5971) window enabled: 2582.5 to 2599.7
2025-10-16 18:32:29,128 sats.satellite.EO-2 INFO <2509.00> EO-2: setting timed terminal event at 2599.7
2025-10-16 18:32:29,129 sats.satellite.EO-3 INFO <2509.00> EO-3: action_charge tasked for 60.0 seconds
2025-10-16 18:32:29,129 sats.satellite.EO-3 INFO <2509.00> EO-3: setting timed terminal event at 2569.0
2025-10-16 18:32:29,130 sats.satellite.EO-4 INFO <2509.00> EO-4: target index 18 tasked
2025-10-16 18:32:29,131 sats.satellite.EO-4 INFO <2509.00> EO-4: Target(tgt-7371) tasked for imaging
2025-10-16 18:32:29,132 sats.satellite.EO-4 INFO <2509.00> EO-4: Target(tgt-7371) window enabled: 2528.9 to 2653.2
2025-10-16 18:32:29,132 sats.satellite.EO-4 INFO <2509.00> EO-4: setting timed terminal event at 2653.2
2025-10-16 18:32:29,149 sats.satellite.EO-4 INFO <2531.50> EO-4: imaged Target(tgt-7371)
2025-10-16 18:32:29,152 data.base INFO <2531.50> Total reward: {'EO-4': np.float64(0.08446188967089747)}
2025-10-16 18:32:29,152 sats.satellite.EO-4 INFO <2531.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:29,165 gym INFO <2531.50> Step reward: {'EO-4': np.float64(0.08446188967089747)}
2025-10-16 18:32:29,165 gym INFO <2531.50> === STARTING STEP ===
2025-10-16 18:32:29,166 sats.satellite.EO-0 INFO <2531.50> EO-0: target index 5 tasked
2025-10-16 18:32:29,166 sats.satellite.EO-0 INFO <2531.50> EO-0: Target(tgt-8263) tasked for imaging
2025-10-16 18:32:29,167 sats.satellite.EO-0 INFO <2531.50> EO-0: Target(tgt-8263) window enabled: 2472.6 to 2602.6
2025-10-16 18:32:29,168 sats.satellite.EO-0 INFO <2531.50> EO-0: setting timed terminal event at 2602.6
2025-10-16 18:32:29,168 sats.satellite.EO-1 INFO <2531.50> EO-1: target index 10 tasked
2025-10-16 18:32:29,169 sats.satellite.EO-1 INFO <2531.50> EO-1: Target(tgt-6022) tasked for imaging
2025-10-16 18:32:29,171 sats.satellite.EO-1 INFO <2531.50> EO-1: Target(tgt-6022) window enabled: 2513.3 to 2614.7
2025-10-16 18:32:29,171 sats.satellite.EO-1 INFO <2531.50> EO-1: setting timed terminal event at 2614.7
2025-10-16 18:32:29,172 sats.satellite.EO-2 INFO <2531.50> EO-2: target index 17 tasked
2025-10-16 18:32:29,172 sats.satellite.EO-2 INFO <2531.50> EO-2: Target(tgt-609) tasked for imaging
2025-10-16 18:32:29,174 sats.satellite.EO-2 INFO <2531.50> EO-2: Target(tgt-609) window enabled: 2589.4 to 2710.4
2025-10-16 18:32:29,174 sats.satellite.EO-2 INFO <2531.50> EO-2: setting timed terminal event at 2710.4
2025-10-16 18:32:29,175 sats.satellite.EO-3 INFO <2531.50> EO-3: target index 6 tasked
2025-10-16 18:32:29,176 sats.satellite.EO-3 INFO <2531.50> EO-3: Target(tgt-5109) tasked for imaging
2025-10-16 18:32:29,176 sats.satellite.EO-3 INFO <2531.50> EO-3: Target(tgt-5109) window enabled: 2543.4 to 2614.8
2025-10-16 18:32:29,177 sats.satellite.EO-3 INFO <2531.50> EO-3: setting timed terminal event at 2614.8
2025-10-16 18:32:29,178 sats.satellite.EO-4 INFO <2531.50> EO-4: target index 5 tasked
2025-10-16 18:32:29,178 sats.satellite.EO-4 INFO <2531.50> EO-4: Target(tgt-1294) tasked for imaging
2025-10-16 18:32:29,179 sats.satellite.EO-4 INFO <2531.50> EO-4: Target(tgt-1294) window enabled: 2444.7 to 2572.5
2025-10-16 18:32:29,179 sats.satellite.EO-4 INFO <2531.50> EO-4: setting timed terminal event at 2572.5
2025-10-16 18:32:29,206 sats.satellite.EO-0 INFO <2569.50> EO-0: imaged Target(tgt-8263)
2025-10-16 18:32:29,208 data.base INFO <2569.50> Total reward: {'EO-0': np.float64(0.3583296976993766)}
2025-10-16 18:32:29,209 sats.satellite.EO-0 INFO <2569.50> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:29,219 gym INFO <2569.50> Step reward: {'EO-0': np.float64(0.3583296976993766)}
2025-10-16 18:32:29,219 gym INFO <2569.50> === STARTING STEP ===
2025-10-16 18:32:29,220 sats.satellite.EO-0 INFO <2569.50> EO-0: target index 12 tasked
2025-10-16 18:32:29,220 sats.satellite.EO-0 INFO <2569.50> EO-0: Target(tgt-5616) tasked for imaging
2025-10-16 18:32:29,221 sats.satellite.EO-0 INFO <2569.50> EO-0: Target(tgt-5616) window enabled: 2640.6 to 2750.5
2025-10-16 18:32:29,221 sats.satellite.EO-0 INFO <2569.50> EO-0: setting timed terminal event at 2750.5
2025-10-16 18:32:29,222 sats.satellite.EO-1 INFO <2569.50> EO-1: target index 1 tasked
2025-10-16 18:32:29,223 sats.satellite.EO-1 INFO <2569.50> EO-1: Target(tgt-3636) tasked for imaging
2025-10-16 18:32:29,224 sats.satellite.EO-1 INFO <2569.50> EO-1: Target(tgt-3636) window enabled: 2451.1 to 2578.1
2025-10-16 18:32:29,225 sats.satellite.EO-1 INFO <2569.50> EO-1: setting timed terminal event at 2578.1
2025-10-16 18:32:29,225 sats.satellite.EO-2 INFO <2569.50> EO-2: target index 12 tasked
2025-10-16 18:32:29,226 sats.satellite.EO-2 INFO <2569.50> EO-2: Target(tgt-8486) tasked for imaging
2025-10-16 18:32:29,227 sats.satellite.EO-2 INFO <2569.50> EO-2: Target(tgt-8486) window enabled: 2572.8 to 2693.5
2025-10-16 18:32:29,227 sats.satellite.EO-2 INFO <2569.50> EO-2: setting timed terminal event at 2693.5
2025-10-16 18:32:29,228 sats.satellite.EO-3 INFO <2569.50> EO-3: target index 9 tasked
2025-10-16 18:32:29,229 sats.satellite.EO-3 INFO <2569.50> EO-3: Target(tgt-1380) tasked for imaging
2025-10-16 18:32:29,230 sats.satellite.EO-3 INFO <2569.50> EO-3: Target(tgt-1380) window enabled: 2552.0 to 2661.1
2025-10-16 18:32:29,231 sats.satellite.EO-3 INFO <2569.50> EO-3: setting timed terminal event at 2661.1
2025-10-16 18:32:29,231 sats.satellite.EO-4 INFO <2569.50> EO-4: target index 24 tasked
2025-10-16 18:32:29,232 sats.satellite.EO-4 INFO <2569.50> EO-4: Target(tgt-9399) tasked for imaging
2025-10-16 18:32:29,233 sats.satellite.EO-4 INFO <2569.50> EO-4: Target(tgt-9399) window enabled: 2739.2 to 2761.2
2025-10-16 18:32:29,233 sats.satellite.EO-4 INFO <2569.50> EO-4: setting timed terminal event at 2761.2
2025-10-16 18:32:29,241 sats.satellite.EO-1 INFO <2578.50> EO-1: timed termination at 2578.1 for Target(tgt-3636) window
2025-10-16 18:32:29,244 data.base INFO <2578.50> Total reward: {}
2025-10-16 18:32:29,245 sats.satellite.EO-1 INFO <2578.50> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:29,255 gym INFO <2578.50> Step reward: {}
2025-10-16 18:32:29,255 gym INFO <2578.50> === STARTING STEP ===
2025-10-16 18:32:29,256 sats.satellite.EO-0 INFO <2578.50> EO-0: target index 13 tasked
2025-10-16 18:32:29,256 sats.satellite.EO-0 INFO <2578.50> EO-0: Target(tgt-1697) tasked for imaging
2025-10-16 18:32:29,257 sats.satellite.EO-0 INFO <2578.50> EO-0: Target(tgt-1697) window enabled: 2660.9 to 2760.8
2025-10-16 18:32:29,257 sats.satellite.EO-0 INFO <2578.50> EO-0: setting timed terminal event at 2760.8
2025-10-16 18:32:29,259 sats.satellite.EO-1 INFO <2578.50> EO-1: target index 20 tasked
2025-10-16 18:32:29,259 sats.satellite.EO-1 INFO <2578.50> EO-1: Target(tgt-3020) tasked for imaging
2025-10-16 18:32:29,260 sats.satellite.EO-1 INFO <2578.50> EO-1: Target(tgt-3020) window enabled: 2591.1 to 2699.1
2025-10-16 18:32:29,260 sats.satellite.EO-1 INFO <2578.50> EO-1: setting timed terminal event at 2699.1
2025-10-16 18:32:29,261 sats.satellite.EO-2 INFO <2578.50> EO-2: action_charge tasked for 60.0 seconds
2025-10-16 18:32:29,262 sats.satellite.EO-2 INFO <2578.50> EO-2: setting timed terminal event at 2638.5
2025-10-16 18:32:29,263 sats.satellite.EO-3 INFO <2578.50> EO-3: target index 26 tasked
2025-10-16 18:32:29,263 sats.satellite.EO-3 INFO <2578.50> EO-3: Target(tgt-1554) tasked for imaging
2025-10-16 18:32:29,264 sats.satellite.EO-3 INFO <2578.50> EO-3: Target(tgt-1554) window enabled: 2776.6 to 2815.5
2025-10-16 18:32:29,265 sats.satellite.EO-3 INFO <2578.50> EO-3: setting timed terminal event at 2815.5
2025-10-16 18:32:29,265 sats.satellite.EO-4 INFO <2578.50> EO-4: target index 23 tasked
2025-10-16 18:32:29,266 sats.satellite.EO-4 INFO <2578.50> EO-4: Target(tgt-3828) tasked for imaging
2025-10-16 18:32:29,267 sats.satellite.EO-4 INFO <2578.50> EO-4: Target(tgt-3828) window enabled: 2684.1 to 2768.3
2025-10-16 18:32:29,267 sats.satellite.EO-4 INFO <2578.50> EO-4: setting timed terminal event at 2768.3
2025-10-16 18:32:29,305 sats.satellite.EO-1 INFO <2634.00> EO-1: imaged Target(tgt-3020)
2025-10-16 18:32:29,308 data.base INFO <2634.00> Total reward: {'EO-1': np.float64(0.44820898605968074)}
2025-10-16 18:32:29,308 sats.satellite.EO-1 INFO <2634.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:29,318 gym INFO <2634.00> Step reward: {'EO-1': np.float64(0.44820898605968074)}
2025-10-16 18:32:29,319 gym INFO <2634.00> === STARTING STEP ===
2025-10-16 18:32:29,320 sats.satellite.EO-0 INFO <2634.00> EO-0: target index 22 tasked
2025-10-16 18:32:29,320 sats.satellite.EO-0 INFO <2634.00> EO-0: Target(tgt-6875) tasked for imaging
2025-10-16 18:32:29,321 sats.satellite.EO-0 INFO <2634.00> EO-0: Target(tgt-6875) window enabled: 2770.5 to 2834.4
2025-10-16 18:32:29,321 sats.satellite.EO-0 INFO <2634.00> EO-0: setting timed terminal event at 2834.4
2025-10-16 18:32:29,322 sats.satellite.EO-1 INFO <2634.00> EO-1: target index 29 tasked
2025-10-16 18:32:29,323 sats.satellite.EO-1 INFO <2634.00> EO-1: Target(tgt-1295) tasked for imaging
2025-10-16 18:32:29,324 sats.satellite.EO-1 INFO <2634.00> EO-1: Target(tgt-1295) window enabled: 2774.0 to 2904.1
2025-10-16 18:32:29,324 sats.satellite.EO-1 INFO <2634.00> EO-1: setting timed terminal event at 2904.1
2025-10-16 18:32:29,325 sats.satellite.EO-2 INFO <2634.00> EO-2: action_charge tasked for 60.0 seconds
2025-10-16 18:32:29,326 sats.satellite.EO-2 INFO <2634.00> EO-2: setting timed terminal event at 2694.0
2025-10-16 18:32:29,327 sats.satellite.EO-3 INFO <2634.00> EO-3: target index 14 tasked
2025-10-16 18:32:29,328 sats.satellite.EO-3 INFO <2634.00> EO-3: Target(tgt-4370) tasked for imaging
2025-10-16 18:32:29,328 sats.satellite.EO-3 INFO <2634.00> EO-3: Target(tgt-4370) window enabled: 2663.7 to 2729.7
2025-10-16 18:32:29,329 sats.satellite.EO-3 INFO <2634.00> EO-3: setting timed terminal event at 2729.7
2025-10-16 18:32:29,330 sats.satellite.EO-4 INFO <2634.00> EO-4: target index 13 tasked
2025-10-16 18:32:29,330 sats.satellite.EO-4 INFO <2634.00> EO-4: Target(tgt-8640) tasked for imaging
2025-10-16 18:32:29,331 sats.satellite.EO-4 INFO <2634.00> EO-4: Target(tgt-8640) window enabled: 2602.3 to 2729.1
2025-10-16 18:32:29,332 sats.satellite.EO-4 INFO <2634.00> EO-4: setting timed terminal event at 2729.1
2025-10-16 18:32:29,356 sats.satellite.EO-4 INFO <2669.50> EO-4: imaged Target(tgt-8640)
2025-10-16 18:32:29,359 data.base INFO <2669.50> Total reward: {'EO-4': np.float64(0.048365181473461936)}
2025-10-16 18:32:29,360 sats.satellite.EO-4 INFO <2669.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:29,371 gym INFO <2669.50> Step reward: {'EO-4': np.float64(0.048365181473461936)}
2025-10-16 18:32:29,371 gym INFO <2669.50> === STARTING STEP ===
2025-10-16 18:32:29,372 sats.satellite.EO-0 INFO <2669.50> EO-0: target index 3 tasked
2025-10-16 18:32:29,372 sats.satellite.EO-0 INFO <2669.50> EO-0: Target(tgt-6824) tasked for imaging
2025-10-16 18:32:29,373 sats.satellite.EO-0 INFO <2669.50> EO-0: Target(tgt-6824) window enabled: 2581.7 to 2712.0
2025-10-16 18:32:29,374 sats.satellite.EO-0 INFO <2669.50> EO-0: setting timed terminal event at 2712.0
2025-10-16 18:32:29,374 sats.satellite.EO-1 INFO <2669.50> EO-1: target index 2 tasked
2025-10-16 18:32:29,375 sats.satellite.EO-1 INFO <2669.50> EO-1: Target(tgt-3038) tasked for imaging
2025-10-16 18:32:29,375 sats.satellite.EO-1 INFO <2669.50> EO-1: Target(tgt-3038) window enabled: 2555.0 to 2683.6
2025-10-16 18:32:29,376 sats.satellite.EO-1 INFO <2669.50> EO-1: setting timed terminal event at 2683.6
2025-10-16 18:32:29,377 sats.satellite.EO-2 INFO <2669.50> EO-2: target index 14 tasked
2025-10-16 18:32:29,377 sats.satellite.EO-2 INFO <2669.50> EO-2: Target(tgt-6103) tasked for imaging
2025-10-16 18:32:29,378 sats.satellite.EO-2 INFO <2669.50> EO-2: Target(tgt-6103) window enabled: 2691.3 to 2806.5
2025-10-16 18:32:29,378 sats.satellite.EO-2 INFO <2669.50> EO-2: setting timed terminal event at 2806.5
2025-10-16 18:32:29,379 sats.satellite.EO-3 INFO <2669.50> EO-3: target index 10 tasked
2025-10-16 18:32:29,379 sats.satellite.EO-3 INFO <2669.50> EO-3: Target(tgt-6846) tasked for imaging
2025-10-16 18:32:29,380 sats.satellite.EO-3 INFO <2669.50> EO-3: Target(tgt-6846) window enabled: 2640.7 to 2729.8
2025-10-16 18:32:29,380 sats.satellite.EO-3 INFO <2669.50> EO-3: setting timed terminal event at 2729.8
2025-10-16 18:32:29,382 sats.satellite.EO-4 INFO <2669.50> EO-4: target index 3 tasked
2025-10-16 18:32:29,382 sats.satellite.EO-4 INFO <2669.50> EO-4: Target(tgt-2579) tasked for imaging
2025-10-16 18:32:29,383 sats.satellite.EO-4 INFO <2669.50> EO-4: Target(tgt-2579) window enabled: 2570.5 to 2697.5
2025-10-16 18:32:29,384 sats.satellite.EO-4 INFO <2669.50> EO-4: setting timed terminal event at 2697.5
2025-10-16 18:32:29,394 sats.satellite.EO-1 INFO <2684.00> EO-1: timed termination at 2683.6 for Target(tgt-3038) window
2025-10-16 18:32:29,397 data.base INFO <2684.00> Total reward: {}
2025-10-16 18:32:29,398 sats.satellite.EO-1 INFO <2684.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:29,409 gym INFO <2684.00> Step reward: {}
2025-10-16 18:32:29,409 gym INFO <2684.00> === STARTING STEP ===
2025-10-16 18:32:29,410 sats.satellite.EO-0 INFO <2684.00> EO-0: target index 21 tasked
2025-10-16 18:32:29,410 sats.satellite.EO-0 INFO <2684.00> EO-0: Target(tgt-6734) tasked for imaging
2025-10-16 18:32:29,411 sats.satellite.EO-0 INFO <2684.00> EO-0: Target(tgt-6734) window enabled: 2699.4 to 2829.3
2025-10-16 18:32:29,412 sats.satellite.EO-0 INFO <2684.00> EO-0: setting timed terminal event at 2829.3
2025-10-16 18:32:29,413 sats.satellite.EO-1 INFO <2684.00> EO-1: target index 5 tasked
2025-10-16 18:32:29,413 sats.satellite.EO-1 INFO <2684.00> EO-1: Target(tgt-665) tasked for imaging
2025-10-16 18:32:29,414 sats.satellite.EO-1 INFO <2684.00> EO-1: Target(tgt-665) window enabled: 2733.3 to 2778.1
2025-10-16 18:32:29,414 sats.satellite.EO-1 INFO <2684.00> EO-1: setting timed terminal event at 2778.1
2025-10-16 18:32:29,415 sats.satellite.EO-2 INFO <2684.00> EO-2: target index 16 tasked
2025-10-16 18:32:29,416 sats.satellite.EO-2 INFO <2684.00> EO-2: Target(tgt-5036) tasked for imaging
2025-10-16 18:32:29,416 sats.satellite.EO-2 INFO <2684.00> EO-2: Target(tgt-5036) window enabled: 2713.5 to 2829.4
2025-10-16 18:32:29,418 sats.satellite.EO-2 INFO <2684.00> EO-2: setting timed terminal event at 2829.4
2025-10-16 18:32:29,419 sats.satellite.EO-3 INFO <2684.00> EO-3: target index 19 tasked
2025-10-16 18:32:29,419 sats.satellite.EO-3 INFO <2684.00> EO-3: Target(tgt-8050) tasked for imaging
2025-10-16 18:32:29,420 sats.satellite.EO-3 INFO <2684.00> EO-3: Target(tgt-8050) window enabled: 2695.3 to 2827.5
2025-10-16 18:32:29,420 sats.satellite.EO-3 INFO <2684.00> EO-3: setting timed terminal event at 2827.5
2025-10-16 18:32:29,421 sats.satellite.EO-4 INFO <2684.00> EO-4: target index 28 tasked
2025-10-16 18:32:29,422 sats.satellite.EO-4 INFO <2684.00> EO-4: Target(tgt-9447) tasked for imaging
2025-10-16 18:32:29,422 sats.satellite.EO-4 INFO <2684.00> EO-4: Target(tgt-9447) window enabled: 2786.3 to 2883.6
2025-10-16 18:32:29,423 sats.satellite.EO-4 INFO <2684.00> EO-4: setting timed terminal event at 2883.6
2025-10-16 18:32:29,455 sats.satellite.EO-2 INFO <2730.50> EO-2: imaged Target(tgt-5036)
2025-10-16 18:32:29,458 data.base INFO <2730.50> Total reward: {'EO-2': np.float64(0.05678531045205055)}
2025-10-16 18:32:29,458 sats.satellite.EO-2 INFO <2730.50> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:29,469 gym INFO <2730.50> Step reward: {'EO-2': np.float64(0.05678531045205055)}
2025-10-16 18:32:29,470 gym INFO <2730.50> === STARTING STEP ===
2025-10-16 18:32:29,470 sats.satellite.EO-0 INFO <2730.50> EO-0: target index 16 tasked
2025-10-16 18:32:29,471 sats.satellite.EO-0 INFO <2730.50> EO-0: Target(tgt-6875) tasked for imaging
2025-10-16 18:32:29,472 sats.satellite.EO-0 INFO <2730.50> EO-0: Target(tgt-6875) window enabled: 2770.5 to 2834.4
2025-10-16 18:32:29,472 sats.satellite.EO-0 INFO <2730.50> EO-0: setting timed terminal event at 2834.4
2025-10-16 18:32:29,473 sats.satellite.EO-1 INFO <2730.50> EO-1: target index 29 tasked
2025-10-16 18:32:29,473 sats.satellite.EO-1 INFO <2730.50> EO-1: Target(tgt-7108) tasked for imaging
2025-10-16 18:32:29,474 sats.satellite.EO-1 INFO <2730.50> EO-1: Target(tgt-7108) window enabled: 2843.7 to 2968.4
2025-10-16 18:32:29,474 sats.satellite.EO-1 INFO <2730.50> EO-1: setting timed terminal event at 2968.4
2025-10-16 18:32:29,475 sats.satellite.EO-2 INFO <2730.50> EO-2: target index 4 tasked
2025-10-16 18:32:29,476 sats.satellite.EO-2 INFO <2730.50> EO-2: Target(tgt-8159) tasked for imaging
2025-10-16 18:32:29,476 sats.satellite.EO-2 INFO <2730.50> EO-2: Target(tgt-8159) window enabled: 2695.8 to 2776.9
2025-10-16 18:32:29,477 sats.satellite.EO-2 INFO <2730.50> EO-2: setting timed terminal event at 2776.9
2025-10-16 18:32:29,477 sats.satellite.EO-3 INFO <2730.50> EO-3: target index 19 tasked
2025-10-16 18:32:29,479 sats.satellite.EO-3 INFO <2730.50> EO-3: Target(tgt-5029) tasked for imaging
2025-10-16 18:32:29,479 sats.satellite.EO-3 INFO <2730.50> EO-3: Target(tgt-5029) window enabled: 2807.0 to 2912.3
2025-10-16 18:32:29,480 sats.satellite.EO-3 INFO <2730.50> EO-3: setting timed terminal event at 2912.3
2025-10-16 18:32:29,481 sats.satellite.EO-4 INFO <2730.50> EO-4: target index 22 tasked
2025-10-16 18:32:29,481 sats.satellite.EO-4 INFO <2730.50> EO-4: Target(tgt-880) tasked for imaging
2025-10-16 18:32:29,482 sats.satellite.EO-4 INFO <2730.50> EO-4: Target(tgt-880) window enabled: 2777.2 to 2896.1
2025-10-16 18:32:29,483 sats.satellite.EO-4 INFO <2730.50> EO-4: setting timed terminal event at 2896.1
2025-10-16 18:32:29,485 sats.satellite.EO-3 INFO <2731.00> EO-3: imaged Target(tgt-5029)
2025-10-16 18:32:29,487 data.base INFO <2731.00> Total reward: {'EO-3': np.float64(0.0017919874191369592)}
2025-10-16 18:32:29,488 sats.satellite.EO-3 INFO <2731.00> EO-3: Satellite EO-3 requires retasking
2025-10-16 18:32:29,497 gym INFO <2731.00> Step reward: {'EO-3': np.float64(0.0017919874191369592)}
2025-10-16 18:32:29,498 gym INFO <2731.00> === STARTING STEP ===
2025-10-16 18:32:29,498 sats.satellite.EO-0 INFO <2731.00> EO-0: target index 11 tasked
2025-10-16 18:32:29,499 sats.satellite.EO-0 INFO <2731.00> EO-0: Target(tgt-8650) tasked for imaging
2025-10-16 18:32:29,500 sats.satellite.EO-0 INFO <2731.00> EO-0: Target(tgt-8650) window enabled: 2688.0 to 2813.6
2025-10-16 18:32:29,500 sats.satellite.EO-0 INFO <2731.00> EO-0: setting timed terminal event at 2813.6
2025-10-16 18:32:29,502 sats.satellite.EO-1 INFO <2731.00> EO-1: target index 7 tasked
2025-10-16 18:32:29,502 sats.satellite.EO-1 INFO <2731.00> EO-1: Target(tgt-3846) tasked for imaging
2025-10-16 18:32:29,503 sats.satellite.EO-1 INFO <2731.00> EO-1: Target(tgt-3846) window enabled: 2739.8 to 2834.2
2025-10-16 18:32:29,503 sats.satellite.EO-1 INFO <2731.00> EO-1: setting timed terminal event at 2834.2
2025-10-16 18:32:29,504 sats.satellite.EO-2 INFO <2731.00> EO-2: target index 8 tasked
2025-10-16 18:32:29,505 sats.satellite.EO-2 INFO <2731.00> EO-2: Target(tgt-5386) tasked for imaging
2025-10-16 18:32:29,506 sats.satellite.EO-2 INFO <2731.00> EO-2: Target(tgt-5386) window enabled: 2770.3 to 2820.3
2025-10-16 18:32:29,507 sats.satellite.EO-2 INFO <2731.00> EO-2: setting timed terminal event at 2820.3
2025-10-16 18:32:29,508 sats.satellite.EO-3 INFO <2731.00> EO-3: target index 20 tasked
2025-10-16 18:32:29,508 sats.satellite.EO-3 INFO <2731.00> EO-3: Target(tgt-7526) tasked for imaging
2025-10-16 18:32:29,509 sats.satellite.EO-3 INFO <2731.00> EO-3: Target(tgt-7526) window enabled: 2811.2 to 2924.7
2025-10-16 18:32:29,509 sats.satellite.EO-3 INFO <2731.00> EO-3: setting timed terminal event at 2924.7
2025-10-16 18:32:29,510 sats.satellite.EO-4 INFO <2731.00> EO-4: action_charge tasked for 60.0 seconds
2025-10-16 18:32:29,510 sats.satellite.EO-4 INFO <2731.00> EO-4: setting timed terminal event at 2791.0
2025-10-16 18:32:29,526 sats.satellite.EO-0 INFO <2752.00> EO-0: imaged Target(tgt-8650)
2025-10-16 18:32:29,529 data.base INFO <2752.00> Total reward: {'EO-0': np.float64(0.20227178898601877)}
2025-10-16 18:32:29,530 sats.satellite.EO-0 INFO <2752.00> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:29,540 gym INFO <2752.00> Step reward: {'EO-0': np.float64(0.20227178898601877)}
2025-10-16 18:32:29,540 gym INFO <2752.00> === STARTING STEP ===
2025-10-16 18:32:29,541 sats.satellite.EO-0 INFO <2752.00> EO-0: target index 19 tasked
2025-10-16 18:32:29,542 sats.satellite.EO-0 INFO <2752.00> EO-0: Target(tgt-2871) tasked for imaging
2025-10-16 18:32:29,542 sats.satellite.EO-0 INFO <2752.00> EO-0: Target(tgt-2871) window enabled: 2801.1 to 2884.8
2025-10-16 18:32:29,543 sats.satellite.EO-0 INFO <2752.00> EO-0: setting timed terminal event at 2884.8
2025-10-16 18:32:29,545 sats.satellite.EO-1 INFO <2752.00> EO-1: target index 1 tasked
2025-10-16 18:32:29,545 sats.satellite.EO-1 INFO <2752.00> EO-1: Target(tgt-7156) tasked for imaging
2025-10-16 18:32:29,546 sats.satellite.EO-1 INFO <2752.00> EO-1: Target(tgt-7156) window enabled: 2684.6 to 2779.2
2025-10-16 18:32:29,546 sats.satellite.EO-1 INFO <2752.00> EO-1: setting timed terminal event at 2779.2
2025-10-16 18:32:29,547 sats.satellite.EO-2 INFO <2752.00> EO-2: target index 18 tasked
2025-10-16 18:32:29,547 sats.satellite.EO-2 INFO <2752.00> EO-2: Target(tgt-8626) tasked for imaging
2025-10-16 18:32:29,548 sats.satellite.EO-2 INFO <2752.00> EO-2: Target(tgt-8626) window enabled: 2772.5 to 2896.1
2025-10-16 18:32:29,549 sats.satellite.EO-2 INFO <2752.00> EO-2: setting timed terminal event at 2896.1
2025-10-16 18:32:29,549 sats.satellite.EO-3 INFO <2752.00> EO-3: target index 11 tasked
2025-10-16 18:32:29,550 sats.satellite.EO-3 INFO <2752.00> EO-3: Target(tgt-4934) tasked for imaging
2025-10-16 18:32:29,550 sats.satellite.EO-3 INFO <2752.00> EO-3: Target(tgt-4934) window enabled: 2738.7 to 2842.2
2025-10-16 18:32:29,551 sats.satellite.EO-3 INFO <2752.00> EO-3: setting timed terminal event at 2842.2
2025-10-16 18:32:29,552 sats.satellite.EO-4 INFO <2752.00> EO-4: target index 1 tasked
2025-10-16 18:32:29,552 sats.satellite.EO-4 INFO <2752.00> EO-4: Target(tgt-9399) tasked for imaging
2025-10-16 18:32:29,553 sats.satellite.EO-4 INFO <2752.00> EO-4: Target(tgt-9399) window enabled: 2739.2 to 2761.2
2025-10-16 18:32:29,553 sats.satellite.EO-4 INFO <2752.00> EO-4: setting timed terminal event at 2761.2
2025-10-16 18:32:29,561 sats.satellite.EO-4 INFO <2761.50> EO-4: timed termination at 2761.2 for Target(tgt-9399) window
2025-10-16 18:32:29,564 data.base INFO <2761.50> Total reward: {}
2025-10-16 18:32:29,565 sats.satellite.EO-4 INFO <2761.50> EO-4: Satellite EO-4 requires retasking
2025-10-16 18:32:29,575 gym INFO <2761.50> Step reward: {}
2025-10-16 18:32:29,575 gym INFO <2761.50> === STARTING STEP ===
2025-10-16 18:32:29,575 sats.satellite.EO-0 INFO <2761.50> EO-0: target index 7 tasked
2025-10-16 18:32:29,576 sats.satellite.EO-0 INFO <2761.50> EO-0: Target(tgt-5923) tasked for imaging
2025-10-16 18:32:29,577 sats.satellite.EO-0 INFO <2761.50> EO-0: Target(tgt-5923) window enabled: 2698.1 to 2819.0
2025-10-16 18:32:29,577 sats.satellite.EO-0 INFO <2761.50> EO-0: setting timed terminal event at 2819.0
2025-10-16 18:32:29,578 sats.satellite.EO-1 INFO <2761.50> EO-1: target index 4 tasked
2025-10-16 18:32:29,578 sats.satellite.EO-1 INFO <2761.50> EO-1: Target(tgt-8110) tasked for imaging
2025-10-16 18:32:29,579 sats.satellite.EO-1 INFO <2761.50> EO-1: Target(tgt-8110) window enabled: 2695.7 to 2824.0
2025-10-16 18:32:29,579 sats.satellite.EO-1 INFO <2761.50> EO-1: setting timed terminal event at 2824.0
2025-10-16 18:32:29,580 sats.satellite.EO-2 INFO <2761.50> EO-2: target index 27 tasked
2025-10-16 18:32:29,582 sats.satellite.EO-2 INFO <2761.50> EO-2: Target(tgt-769) tasked for imaging
2025-10-16 18:32:29,583 sats.satellite.EO-2 INFO <2761.50> EO-2: Target(tgt-769) window enabled: 2939.4 to 3000.0
2025-10-16 18:32:29,583 sats.satellite.EO-2 INFO <2761.50> EO-2: setting timed terminal event at 3000.0
2025-10-16 18:32:29,584 sats.satellite.EO-3 INFO <2761.50> EO-3: target index 6 tasked
2025-10-16 18:32:29,585 sats.satellite.EO-3 INFO <2761.50> EO-3: Target(tgt-6100) tasked for imaging
2025-10-16 18:32:29,585 sats.satellite.EO-3 INFO <2761.50> EO-3: Target(tgt-6100) window enabled: 2693.7 to 2822.0
2025-10-16 18:32:29,586 sats.satellite.EO-3 INFO <2761.50> EO-3: setting timed terminal event at 2822.0
2025-10-16 18:32:29,586 sats.satellite.EO-4 INFO <2761.50> EO-4: target index 2 tasked
2025-10-16 18:32:29,587 sats.satellite.EO-4 INFO <2761.50> EO-4: Target(tgt-8147) tasked for imaging
2025-10-16 18:32:29,588 sats.satellite.EO-4 INFO <2761.50> EO-4: Target(tgt-8147) window enabled: 2719.9 to 2791.2
2025-10-16 18:32:29,588 sats.satellite.EO-4 INFO <2761.50> EO-4: setting timed terminal event at 2791.2
2025-10-16 18:32:29,605 sats.satellite.EO-0 INFO <2781.50> EO-0: imaged Target(tgt-5923)
2025-10-16 18:32:29,608 data.base INFO <2781.50> Total reward: {'EO-0': np.float64(0.16696042053189292)}
2025-10-16 18:32:29,608 sats.satellite.EO-0 INFO <2781.50> EO-0: Satellite EO-0 requires retasking
2025-10-16 18:32:29,619 gym INFO <2781.50> Step reward: {'EO-0': np.float64(0.16696042053189292)}
2025-10-16 18:32:29,620 gym INFO <2781.50> === STARTING STEP ===
2025-10-16 18:32:29,620 sats.satellite.EO-0 INFO <2781.50> EO-0: target index 22 tasked
2025-10-16 18:32:29,621 sats.satellite.EO-0 INFO <2781.50> EO-0: Target(tgt-1385) tasked for imaging
2025-10-16 18:32:29,622 sats.satellite.EO-0 INFO <2781.50> EO-0: Target(tgt-1385) window enabled: 2854.6 to 2980.1
2025-10-16 18:32:29,622 sats.satellite.EO-0 INFO <2781.50> EO-0: setting timed terminal event at 2980.1
2025-10-16 18:32:29,623 sats.satellite.EO-1 INFO <2781.50> EO-1: target index 15 tasked
2025-10-16 18:32:29,623 sats.satellite.EO-1 INFO <2781.50> EO-1: Target(tgt-310) tasked for imaging
2025-10-16 18:32:29,624 sats.satellite.EO-1 INFO <2781.50> EO-1: Target(tgt-310) window enabled: 2779.8 to 2910.0
2025-10-16 18:32:29,624 sats.satellite.EO-1 INFO <2781.50> EO-1: setting timed terminal event at 2910.0
2025-10-16 18:32:29,626 sats.satellite.EO-2 INFO <2781.50> EO-2: target index 15 tasked
2025-10-16 18:32:29,627 sats.satellite.EO-2 INFO <2781.50> EO-2: Target(tgt-8626) tasked for imaging
2025-10-16 18:32:29,627 sats.satellite.EO-2 INFO <2781.50> EO-2: Target(tgt-8626) window enabled: 2772.5 to 2896.1
2025-10-16 18:32:29,628 sats.satellite.EO-2 INFO <2781.50> EO-2: setting timed terminal event at 2896.1
2025-10-16 18:32:29,629 sats.satellite.EO-3 INFO <2781.50> EO-3: target index 12 tasked
2025-10-16 18:32:29,629 sats.satellite.EO-3 INFO <2781.50> EO-3: Target(tgt-4835) tasked for imaging
2025-10-16 18:32:29,630 sats.satellite.EO-3 INFO <2781.50> EO-3: Target(tgt-4835) window enabled: 2801.7 to 2883.3
2025-10-16 18:32:29,631 sats.satellite.EO-3 INFO <2781.50> EO-3: setting timed terminal event at 2883.3
2025-10-16 18:32:29,632 sats.satellite.EO-4 INFO <2781.50> EO-4: target index 21 tasked
2025-10-16 18:32:29,632 sats.satellite.EO-4 INFO <2781.50> EO-4: Target(tgt-5949) tasked for imaging
2025-10-16 18:32:29,633 sats.satellite.EO-4 INFO <2781.50> EO-4: Target(tgt-5949) window enabled: 2854.8 to 2924.8
2025-10-16 18:32:29,633 sats.satellite.EO-4 INFO <2781.50> EO-4: setting timed terminal event at 2924.8
2025-10-16 18:32:29,661 sats.satellite.EO-2 INFO <2822.50> EO-2: imaged Target(tgt-8626)
2025-10-16 18:32:29,664 data.base INFO <2822.50> Total reward: {'EO-2': np.float64(0.04653702402313166)}
2025-10-16 18:32:29,665 sats.satellite.EO-2 INFO <2822.50> EO-2: Satellite EO-2 requires retasking
2025-10-16 18:32:29,667 sats.satellite.EO-0 INFO <2822.50> EO-0: Finding opportunity windows from 3000.00 to 3600.00 seconds
2025-10-16 18:32:30,042 gym INFO <2822.50> Step reward: {'EO-2': np.float64(0.04653702402313166)}
2025-10-16 18:32:30,043 gym INFO <2822.50> === STARTING STEP ===
2025-10-16 18:32:30,044 sats.satellite.EO-0 INFO <2822.50> EO-0: target index 25 tasked
2025-10-16 18:32:30,044 sats.satellite.EO-0 INFO <2822.50> EO-0: Target(tgt-6015) tasked for imaging
2025-10-16 18:32:30,046 sats.satellite.EO-0 INFO <2822.50> EO-0: Target(tgt-6015) window enabled: 2902.9 to 3030.6
2025-10-16 18:32:30,046 sats.satellite.EO-0 INFO <2822.50> EO-0: setting timed terminal event at 3030.6
2025-10-16 18:32:30,047 sats.satellite.EO-1 INFO <2822.50> EO-1: target index 3 tasked
2025-10-16 18:32:30,047 sats.satellite.EO-1 INFO <2822.50> EO-1: Target(tgt-2940) tasked for imaging
2025-10-16 18:32:30,048 sats.satellite.EO-1 INFO <2822.50> EO-1: Target(tgt-2940) window enabled: 2718.5 to 2840.5
2025-10-16 18:32:30,049 sats.satellite.EO-1 INFO <2822.50> EO-1: setting timed terminal event at 2840.5
2025-10-16 18:32:30,049 sats.satellite.EO-2 INFO <2822.50> EO-2: target index 24 tasked
2025-10-16 18:32:30,050 sats.satellite.EO-2 INFO <2822.50> EO-2: Target(tgt-2896) tasked for imaging
2025-10-16 18:32:30,051 sats.satellite.EO-2 INFO <2822.50> EO-2: Target(tgt-2896) window enabled: 2894.7 to 3000.0
2025-10-16 18:32:30,051 sats.satellite.EO-2 INFO <2822.50> EO-2: setting timed terminal event at 3000.0
2025-10-16 18:32:30,052 sats.satellite.EO-3 INFO <2822.50> EO-3: target index 14 tasked
2025-10-16 18:32:30,052 sats.satellite.EO-3 INFO <2822.50> EO-3: Target(tgt-2502) tasked for imaging
2025-10-16 18:32:30,053 sats.satellite.EO-3 INFO <2822.50> EO-3: Target(tgt-2502) window enabled: 2825.9 to 2933.5
2025-10-16 18:32:30,054 sats.satellite.EO-3 INFO <2822.50> EO-3: setting timed terminal event at 2933.5
2025-10-16 18:32:30,055 sats.satellite.EO-4 INFO <2822.50> EO-4: action_charge tasked for 60.0 seconds
2025-10-16 18:32:30,055 sats.satellite.EO-4 INFO <2822.50> EO-4: setting timed terminal event at 2882.5
2025-10-16 18:32:30,069 sats.satellite.EO-1 INFO <2841.00> EO-1: timed termination at 2840.5 for Target(tgt-2940) window
2025-10-16 18:32:30,072 data.base INFO <2841.00> Total reward: {}
2025-10-16 18:32:30,073 sats.satellite.EO-1 INFO <2841.00> EO-1: Satellite EO-1 requires retasking
2025-10-16 18:32:30,077 sats.satellite.EO-2 INFO <2841.00> EO-2: Finding opportunity windows from 3000.00 to 3600.00 seconds
2025-10-16 18:32:30,434 gym INFO <2841.00> Step reward: {}
2025-10-16 18:32:30,435 gym INFO <2841.00> === STARTING STEP ===
2025-10-16 18:32:30,435 sats.satellite.EO-0 INFO <2841.00> EO-0: target index 20 tasked
2025-10-16 18:32:30,436 sats.satellite.EO-0 INFO <2841.00> EO-0: Target(tgt-4769) tasked for imaging
2025-10-16 18:32:30,437 sats.satellite.EO-0 INFO <2841.00> EO-0: Target(tgt-4769) window enabled: 2970.2 to 3086.3
2025-10-16 18:32:30,437 sats.satellite.EO-0 INFO <2841.00> EO-0: setting timed terminal event at 3086.3
2025-10-16 18:32:30,438 sats.satellite.EO-1 INFO <2841.00> EO-1: target index 21 tasked
2025-10-16 18:32:30,439 sats.satellite.EO-1 INFO <2841.00> EO-1: Target(tgt-6071) tasked for imaging
2025-10-16 18:32:30,440 sats.satellite.EO-1 INFO <2841.00> EO-1: Target(tgt-6071) window enabled: 2892.3 to 2983.9
2025-10-16 18:32:30,441 sats.satellite.EO-1 INFO <2841.00> EO-1: setting timed terminal event at 2983.9
2025-10-16 18:32:30,442 sats.satellite.EO-2 INFO <2841.00> EO-2: target index 11 tasked
2025-10-16 18:32:30,442 sats.satellite.EO-2 INFO <2841.00> EO-2: Target(tgt-1861) tasked for imaging
2025-10-16 18:32:30,443 sats.satellite.EO-2 INFO <2841.00> EO-2: Target(tgt-1861) window enabled: 2822.7 to 2949.4
2025-10-16 18:32:30,443 sats.satellite.EO-2 INFO <2841.00> EO-2: setting timed terminal event at 2949.4
2025-10-16 18:32:30,444 sats.satellite.EO-3 INFO <2841.00> EO-3: target index 29 tasked
2025-10-16 18:32:30,445 sats.satellite.EO-3 INFO <2841.00> EO-3: Target(tgt-5865) tasked for imaging
2025-10-16 18:32:30,446 sats.satellite.EO-3 INFO <2841.00> EO-3: Target(tgt-5865) window enabled: 2893.9 to 3000.0
2025-10-16 18:32:30,447 sats.satellite.EO-3 INFO <2841.00> EO-3: setting timed terminal event at 3000.0
2025-10-16 18:32:30,447 sats.satellite.EO-4 INFO <2841.00> EO-4: target index 8 tasked
2025-10-16 18:32:30,448 sats.satellite.EO-4 INFO <2841.00> EO-4: Target(tgt-2728) tasked for imaging
2025-10-16 18:32:30,449 sats.satellite.EO-4 INFO <2841.00> EO-4: Target(tgt-2728) window enabled: 2756.2 to 2883.7
2025-10-16 18:32:30,449 sats.satellite.EO-4 INFO <2841.00> EO-4: setting timed terminal event at 2883.7
2025-10-16 18:32:30,459 data.base INFO <2850.00> Total reward: {}
2025-10-16 18:32:30,469 gym INFO <2850.00> Step reward: {}
2025-10-16 18:32:30,469 gym INFO <2850.00> Episode truncated: ['EO-0', 'EO-1', 'EO-2', 'EO-3', 'EO-4']
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).
[13]:
print("Total reward:", env.unwrapped.rewarder.cum_reward)
print("Number of total images taken:", len(env.unwrapped.rewarder.data.imaged))
print(
"Number of imaged targets (once or more):",
len(set(env.unwrapped.rewarder.data.imaged)),
)
print(
"Number of re-images:",
len(env.unwrapped.rewarder.data.imaged)
- len(set(env.unwrapped.rewarder.data.imaged)),
)
print(
"Number of completely imaged targets:",
len(env.unwrapped.rewarder.data.imaged_complete),
)
Total reward: {'EO-0': np.float64(1.3409110091363978), 'EO-1': np.float64(0.7751670798135573), 'EO-2': np.float64(0.2745566890096712), 'EO-3': np.float64(0.5040266299197), 'EO-4': np.float64(0.733475573268717)}
Number of total images taken: 64
Number of imaged targets (once or more): 61
Number of re-images: 3
Number of completely imaged targets: 7
Check Training with RLlib PPO for an example on how to train the agent in this environment.