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

\[\begin{split}R = \begin{cases} \rho_i & \text{if } c_{p_i} \leq c_{\text{thr}_i} \\ 0 & \text{otherwise.} \end{cases}\end{split}\]

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]\):

\[\begin{split}R = \begin{cases} \rho_i\alpha_i\Delta \text{P}(S=1) + \rho_i(1 - \alpha) & \text{ if } \text{P}_i(S=1) \geq \theta_{\text{thr}_i} \\ \rho_i\alpha_i\Delta \text{P}(S=1) & \text{ otherwise.} \end{cases}\end{split}\]
[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:

\[\text{P}^{(k+1)}(S=1) = 1 - \text{P}^{(k)}(S=1)\bar{c}_{f_i}\]

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

\[g^{(k)}_{f_i} = (1-c^{(k)}_{f_i})\beta(\delta t_i)\]

where \(\beta\) is given by a sigmoid

\[\beta(\delta t) = \frac{1}{\eta_3+e^{-\eta_1(\frac{\delta t}{\tau}-\eta_2)}}\]

and

\[\bar{c}_{f_i} = 1 - g_{f_i}^{(k)}\]

leading to:

\[\text{P}^{(k+1)}(S=1) = \text{P}^{(k)}(S=1) + (1-\text{P}^{(k)}(S=1))(1-c^{(k)}_{f_i})\beta(\delta t_i)\]
[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.

  • Observations:

    • 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.

  • Actions:

    • 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-12-03 22:22:12,547 gym                            INFO       Resetting environment with seed=1
2025-12-03 22:22:12,550 scene.targets                  INFO       Generating 9597 targets
2025-12-03 22:22:13,028 sats.satellite.EO-0            INFO       <0.00> EO-0: Finding opportunity windows from 0.00 to 3000.00 seconds
2025-12-03 22:22:13,614 sats.satellite.EO-1            INFO       <0.00> EO-1: Finding opportunity windows from 0.00 to 3000.00 seconds
2025-12-03 22:22:14,210 sats.satellite.EO-2            INFO       <0.00> EO-2: Finding opportunity windows from 0.00 to 3000.00 seconds
2025-12-03 22:22:14,784 sats.satellite.EO-3            INFO       <0.00> EO-3: Finding opportunity windows from 0.00 to 3000.00 seconds
2025-12-03 22:22:15,392 sats.satellite.EO-4            INFO       <0.00> EO-4: Finding opportunity windows from 0.00 to 3000.00 seconds
2025-12-03 22:22:16,026 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-12-03 22:22:16,042 gym                            INFO       <0.00> === STARTING STEP ===
2025-12-03 22:22:16,043 sats.satellite.EO-0            INFO       <0.00> EO-0: action_charge tasked for 60.0 seconds
2025-12-03 22:22:16,043 sats.satellite.EO-0            INFO       <0.00> EO-0: setting timed terminal event at 60.0
2025-12-03 22:22:16,044 sats.satellite.EO-1            INFO       <0.00> EO-1: action_charge tasked for 60.0 seconds
2025-12-03 22:22:16,045 sats.satellite.EO-1            INFO       <0.00> EO-1: setting timed terminal event at 60.0
2025-12-03 22:22:16,046 sats.satellite.EO-2            INFO       <0.00> EO-2: action_charge tasked for 60.0 seconds
2025-12-03 22:22:16,047 sats.satellite.EO-2            INFO       <0.00> EO-2: setting timed terminal event at 60.0
2025-12-03 22:22:16,048 sats.satellite.EO-3            INFO       <0.00> EO-3: action_charge tasked for 60.0 seconds
2025-12-03 22:22:16,048 sats.satellite.EO-3            INFO       <0.00> EO-3: setting timed terminal event at 60.0
2025-12-03 22:22:16,049 sats.satellite.EO-4            INFO       <0.00> EO-4: action_charge tasked for 60.0 seconds
2025-12-03 22:22:16,050 sats.satellite.EO-4            INFO       <0.00> EO-4: setting timed terminal event at 60.0
2025-12-03 22:22:16,076 sats.satellite.EO-0            INFO       <60.00> EO-0: timed termination at 60.0 for action_charge
2025-12-03 22:22:16,076 sats.satellite.EO-1            INFO       <60.00> EO-1: timed termination at 60.0 for action_charge
2025-12-03 22:22:16,077 sats.satellite.EO-2            INFO       <60.00> EO-2: timed termination at 60.0 for action_charge
2025-12-03 22:22:16,077 sats.satellite.EO-3            INFO       <60.00> EO-3: timed termination at 60.0 for action_charge
2025-12-03 22:22:16,078 sats.satellite.EO-4            INFO       <60.00> EO-4: timed termination at 60.0 for action_charge
2025-12-03 22:22:16,081 data.base                      INFO       <60.00> Total reward: {}
2025-12-03 22:22:16,081 sats.satellite.EO-0            INFO       <60.00> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:16,083 sats.satellite.EO-1            INFO       <60.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:16,083 sats.satellite.EO-2            INFO       <60.00> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:16,084 sats.satellite.EO-3            INFO       <60.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:16,084 sats.satellite.EO-4            INFO       <60.00> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:16,101 gym                            INFO       <60.00> Step reward: {}
2025-12-03 22:22:16,101 gym                            INFO       <60.00> === STARTING STEP ===
2025-12-03 22:22:16,102 sats.satellite.EO-0            INFO       <60.00> EO-0: target index 20 tasked
2025-12-03 22:22:16,103 sats.satellite.EO-0            INFO       <60.00> EO-0: Target(tgt-2482) tasked for imaging
2025-12-03 22:22:16,103 sats.satellite.EO-0            INFO       <60.00> EO-0: Target(tgt-2482) window enabled: 205.5 to 315.6
2025-12-03 22:22:16,104 sats.satellite.EO-0            INFO       <60.00> EO-0: setting timed terminal event at 315.6
2025-12-03 22:22:16,105 sats.satellite.EO-1            INFO       <60.00> EO-1: target index 25 tasked
2025-12-03 22:22:16,105 sats.satellite.EO-1            INFO       <60.00> EO-1: Target(tgt-8899) tasked for imaging
2025-12-03 22:22:16,107 sats.satellite.EO-1            INFO       <60.00> EO-1: Target(tgt-8899) window enabled: 131.4 to 260.4
2025-12-03 22:22:16,107 sats.satellite.EO-1            INFO       <60.00> EO-1: setting timed terminal event at 260.4
2025-12-03 22:22:16,108 sats.satellite.EO-2            INFO       <60.00> EO-2: target index 15 tasked
2025-12-03 22:22:16,108 sats.satellite.EO-2            INFO       <60.00> EO-2: Target(tgt-5526) tasked for imaging
2025-12-03 22:22:16,109 sats.satellite.EO-2            INFO       <60.00> EO-2: Target(tgt-5526) window enabled: 108.1 to 231.3
2025-12-03 22:22:16,110 sats.satellite.EO-2            INFO       <60.00> EO-2: setting timed terminal event at 231.3
2025-12-03 22:22:16,110 sats.satellite.EO-3            INFO       <60.00> EO-3: target index 29 tasked
2025-12-03 22:22:16,111 sats.satellite.EO-3            INFO       <60.00> EO-3: Target(tgt-3173) tasked for imaging
2025-12-03 22:22:16,111 sats.satellite.EO-3            INFO       <60.00> EO-3: Target(tgt-3173) window enabled: 199.1 to 265.6
2025-12-03 22:22:16,112 sats.satellite.EO-3            INFO       <60.00> EO-3: setting timed terminal event at 265.6
2025-12-03 22:22:16,113 sats.satellite.EO-4            INFO       <60.00> EO-4: target index 25 tasked
2025-12-03 22:22:16,113 sats.satellite.EO-4            INFO       <60.00> EO-4: Target(tgt-2348) tasked for imaging
2025-12-03 22:22:16,114 sats.satellite.EO-4            INFO       <60.00> EO-4: Target(tgt-2348) window enabled: 122.8 to 248.1
2025-12-03 22:22:16,115 sats.satellite.EO-4            INFO       <60.00> EO-4: setting timed terminal event at 248.1
2025-12-03 22:22:16,144 sats.satellite.EO-2            INFO       <109.50> EO-2: imaged Target(tgt-5526)
2025-12-03 22:22:16,147 data.base                      INFO       <109.50> Total reward: {'EO-2': np.float64(0.00017114919116003685)}
2025-12-03 22:22:16,148 sats.satellite.EO-2            INFO       <109.50> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:16,157 gym                            INFO       <109.50> Step reward: {'EO-2': np.float64(0.00017114919116003685)}
2025-12-03 22:22:16,158 gym                            INFO       <109.50> === STARTING STEP ===
2025-12-03 22:22:16,158 sats.satellite.EO-0            INFO       <109.50> EO-0: target index 22 tasked
2025-12-03 22:22:16,159 sats.satellite.EO-0            INFO       <109.50> EO-0: Target(tgt-6846) tasked for imaging
2025-12-03 22:22:16,160 sats.satellite.EO-0            INFO       <109.50> EO-0: Target(tgt-6846) window enabled: 239.6 to 364.9
2025-12-03 22:22:16,161 sats.satellite.EO-0            INFO       <109.50> EO-0: setting timed terminal event at 364.9
2025-12-03 22:22:16,161 sats.satellite.EO-1            INFO       <109.50> EO-1: target index 12 tasked
2025-12-03 22:22:16,162 sats.satellite.EO-1            INFO       <109.50> EO-1: Target(tgt-8186) tasked for imaging
2025-12-03 22:22:16,163 sats.satellite.EO-1            INFO       <109.50> EO-1: Target(tgt-8186) window enabled: 144.8 to 214.2
2025-12-03 22:22:16,163 sats.satellite.EO-1            INFO       <109.50> EO-1: setting timed terminal event at 214.2
2025-12-03 22:22:16,164 sats.satellite.EO-2            INFO       <109.50> EO-2: target index 0 tasked
2025-12-03 22:22:16,165 sats.satellite.EO-2            INFO       <109.50> EO-2: Target(tgt-1148) tasked for imaging
2025-12-03 22:22:16,166 sats.satellite.EO-2            INFO       <109.50> EO-2: Target(tgt-1148) window enabled: 12.0 to 133.1
2025-12-03 22:22:16,166 sats.satellite.EO-2            INFO       <109.50> EO-2: setting timed terminal event at 133.1
2025-12-03 22:22:16,167 sats.satellite.EO-3            INFO       <109.50> EO-3: target index 28 tasked
2025-12-03 22:22:16,167 sats.satellite.EO-3            INFO       <109.50> EO-3: Target(tgt-6556) tasked for imaging
2025-12-03 22:22:16,168 sats.satellite.EO-3            INFO       <109.50> EO-3: Target(tgt-6556) window enabled: 160.0 to 285.3
2025-12-03 22:22:16,169 sats.satellite.EO-3            INFO       <109.50> EO-3: setting timed terminal event at 285.3
2025-12-03 22:22:16,169 sats.satellite.EO-4            INFO       <109.50> EO-4: target index 13 tasked
2025-12-03 22:22:16,170 sats.satellite.EO-4            INFO       <109.50> EO-4: Target(tgt-309) tasked for imaging
2025-12-03 22:22:16,171 sats.satellite.EO-4            INFO       <109.50> EO-4: Target(tgt-309) window enabled: 112.0 to 214.7
2025-12-03 22:22:16,171 sats.satellite.EO-4            INFO       <109.50> EO-4: setting timed terminal event at 214.7
2025-12-03 22:22:16,186 sats.satellite.EO-4            INFO       <133.00> EO-4: imaged Target(tgt-309)
2025-12-03 22:22:16,189 data.base                      INFO       <133.00> Total reward: {'EO-4': np.float64(0.0005537603608653551)}
2025-12-03 22:22:16,190 sats.satellite.EO-4            INFO       <133.00> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:16,200 gym                            INFO       <133.00> Step reward: {'EO-4': np.float64(0.0005537603608653551)}
2025-12-03 22:22:16,200 gym                            INFO       <133.00> === STARTING STEP ===
2025-12-03 22:22:16,201 sats.satellite.EO-0            INFO       <133.00> EO-0: target index 15 tasked
2025-12-03 22:22:16,202 sats.satellite.EO-0            INFO       <133.00> EO-0: Target(tgt-2333) tasked for imaging
2025-12-03 22:22:16,202 sats.satellite.EO-0            INFO       <133.00> EO-0: Target(tgt-2333) window enabled: 220.4 to 343.6
2025-12-03 22:22:16,203 sats.satellite.EO-0            INFO       <133.00> EO-0: setting timed terminal event at 343.6
2025-12-03 22:22:16,204 sats.satellite.EO-1            INFO       <133.00> EO-1: target index 1 tasked
2025-12-03 22:22:16,204 sats.satellite.EO-1            INFO       <133.00> EO-1: Target(tgt-5615) tasked for imaging
2025-12-03 22:22:16,205 sats.satellite.EO-1            INFO       <133.00> EO-1: Target(tgt-5615) window enabled: 39.2 to 147.4
2025-12-03 22:22:16,205 sats.satellite.EO-1            INFO       <133.00> EO-1: setting timed terminal event at 147.4
2025-12-03 22:22:16,206 sats.satellite.EO-2            INFO       <133.00> EO-2: target index 28 tasked
2025-12-03 22:22:16,207 sats.satellite.EO-2            INFO       <133.00> EO-2: Target(tgt-2977) tasked for imaging
2025-12-03 22:22:16,209 sats.satellite.EO-2            INFO       <133.00> EO-2: Target(tgt-2977) window enabled: 306.8 to 428.9
2025-12-03 22:22:16,209 sats.satellite.EO-2            INFO       <133.00> EO-2: setting timed terminal event at 428.9
2025-12-03 22:22:16,210 sats.satellite.EO-3            INFO       <133.00> EO-3: target index 24 tasked
2025-12-03 22:22:16,210 sats.satellite.EO-3            INFO       <133.00> EO-3: Target(tgt-6556) window enabled: 160.0 to 285.3
2025-12-03 22:22:16,211 sats.satellite.EO-3            INFO       <133.00> EO-3: setting timed terminal event at 285.3
2025-12-03 22:22:16,212 sats.satellite.EO-4            INFO       <133.00> EO-4: target index 2 tasked
2025-12-03 22:22:16,212 sats.satellite.EO-4            INFO       <133.00> EO-4: Target(tgt-3131) tasked for imaging
2025-12-03 22:22:16,213 sats.satellite.EO-4            INFO       <133.00> EO-4: Target(tgt-3131) window enabled: 27.8 to 158.8
2025-12-03 22:22:16,213 sats.satellite.EO-4            INFO       <133.00> EO-4: setting timed terminal event at 158.8
2025-12-03 22:22:16,223 sats.satellite.EO-1            INFO       <147.50> EO-1: timed termination at 147.4 for Target(tgt-5615) window
2025-12-03 22:22:16,226 data.base                      INFO       <147.50> Total reward: {}
2025-12-03 22:22:16,226 sats.satellite.EO-1            INFO       <147.50> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:16,236 gym                            INFO       <147.50> Step reward: {}
2025-12-03 22:22:16,236 gym                            INFO       <147.50> === STARTING STEP ===
2025-12-03 22:22:16,237 sats.satellite.EO-0            INFO       <147.50> EO-0: target index 24 tasked
2025-12-03 22:22:16,237 sats.satellite.EO-0            INFO       <147.50> EO-0: Target(tgt-1520) tasked for imaging
2025-12-03 22:22:16,239 sats.satellite.EO-0            INFO       <147.50> EO-0: Target(tgt-1520) window enabled: 296.9 to 421.3
2025-12-03 22:22:16,239 sats.satellite.EO-0            INFO       <147.50> EO-0: setting timed terminal event at 421.3
2025-12-03 22:22:16,240 sats.satellite.EO-1            INFO       <147.50> EO-1: target index 21 tasked
2025-12-03 22:22:16,240 sats.satellite.EO-1            INFO       <147.50> EO-1: Target(tgt-2961) tasked for imaging
2025-12-03 22:22:16,242 sats.satellite.EO-1            INFO       <147.50> EO-1: Target(tgt-2961) window enabled: 248.8 to 289.8
2025-12-03 22:22:16,242 sats.satellite.EO-1            INFO       <147.50> EO-1: setting timed terminal event at 289.8
2025-12-03 22:22:16,243 sats.satellite.EO-2            INFO       <147.50> EO-2: target index 12 tasked
2025-12-03 22:22:16,244 sats.satellite.EO-2            INFO       <147.50> EO-2: Target(tgt-6215) tasked for imaging
2025-12-03 22:22:16,244 sats.satellite.EO-2            INFO       <147.50> EO-2: Target(tgt-6215) window enabled: 218.2 to 300.8
2025-12-03 22:22:16,245 sats.satellite.EO-2            INFO       <147.50> EO-2: setting timed terminal event at 300.8
2025-12-03 22:22:16,246 sats.satellite.EO-3            INFO       <147.50> EO-3: target index 10 tasked
2025-12-03 22:22:16,246 sats.satellite.EO-3            INFO       <147.50> EO-3: Target(tgt-8272) tasked for imaging
2025-12-03 22:22:16,247 sats.satellite.EO-3            INFO       <147.50> EO-3: Target(tgt-8272) window enabled: 81.1 to 206.1
2025-12-03 22:22:16,247 sats.satellite.EO-3            INFO       <147.50> EO-3: setting timed terminal event at 206.1
2025-12-03 22:22:16,248 sats.satellite.EO-4            INFO       <147.50> EO-4: target index 16 tasked
2025-12-03 22:22:16,248 sats.satellite.EO-4            INFO       <147.50> EO-4: Target(tgt-8798) tasked for imaging
2025-12-03 22:22:16,249 sats.satellite.EO-4            INFO       <147.50> EO-4: Target(tgt-8798) window enabled: 137.9 to 260.4
2025-12-03 22:22:16,249 sats.satellite.EO-4            INFO       <147.50> EO-4: setting timed terminal event at 260.4
2025-12-03 22:22:16,279 sats.satellite.EO-3            INFO       <195.00> EO-3: imaged Target(tgt-8272)
2025-12-03 22:22:16,281 data.base                      INFO       <195.00> Total reward: {'EO-3': np.float64(1.2284281844764505e-05)}
2025-12-03 22:22:16,282 sats.satellite.EO-3            INFO       <195.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:16,292 gym                            INFO       <195.00> Step reward: {'EO-3': np.float64(1.2284281844764505e-05)}
2025-12-03 22:22:16,292 gym                            INFO       <195.00> === STARTING STEP ===
2025-12-03 22:22:16,293 sats.satellite.EO-0            INFO       <195.00> EO-0: target index 3 tasked
2025-12-03 22:22:16,293 sats.satellite.EO-0            INFO       <195.00> EO-0: Target(tgt-9464) tasked for imaging
2025-12-03 22:22:16,294 sats.satellite.EO-0            INFO       <195.00> EO-0: Target(tgt-9464) window enabled: 244.0 to 277.4
2025-12-03 22:22:16,294 sats.satellite.EO-0            INFO       <195.00> EO-0: setting timed terminal event at 277.4
2025-12-03 22:22:16,295 sats.satellite.EO-1            INFO       <195.00> EO-1: target index 3 tasked
2025-12-03 22:22:16,295 sats.satellite.EO-1            INFO       <195.00> EO-1: Target(tgt-97) tasked for imaging
2025-12-03 22:22:16,296 sats.satellite.EO-1            INFO       <195.00> EO-1: Target(tgt-97) window enabled: 133.6 to 252.0
2025-12-03 22:22:16,296 sats.satellite.EO-1            INFO       <195.00> EO-1: setting timed terminal event at 252.0
2025-12-03 22:22:16,297 sats.satellite.EO-2            INFO       <195.00> EO-2: target index 9 tasked
2025-12-03 22:22:16,298 sats.satellite.EO-2            INFO       <195.00> EO-2: Target(tgt-6201) tasked for imaging
2025-12-03 22:22:16,298 sats.satellite.EO-2            INFO       <195.00> EO-2: Target(tgt-6201) window enabled: 198.2 to 317.7
2025-12-03 22:22:16,299 sats.satellite.EO-2            INFO       <195.00> EO-2: setting timed terminal event at 317.7
2025-12-03 22:22:16,300 sats.satellite.EO-3            INFO       <195.00> EO-3: target index 23 tasked
2025-12-03 22:22:16,300 sats.satellite.EO-3            INFO       <195.00> EO-3: Target(tgt-302) tasked for imaging
2025-12-03 22:22:16,301 sats.satellite.EO-3            INFO       <195.00> EO-3: Target(tgt-302) window enabled: 258.4 to 388.9
2025-12-03 22:22:16,301 sats.satellite.EO-3            INFO       <195.00> EO-3: setting timed terminal event at 388.9
2025-12-03 22:22:16,302 sats.satellite.EO-4            INFO       <195.00> EO-4: target index 20 tasked
2025-12-03 22:22:16,303 sats.satellite.EO-4            INFO       <195.00> EO-4: Target(tgt-3871) tasked for imaging
2025-12-03 22:22:16,303 sats.satellite.EO-4            INFO       <195.00> EO-4: Target(tgt-3871) window enabled: 239.9 to 338.5
2025-12-03 22:22:16,304 sats.satellite.EO-4            INFO       <195.00> EO-4: setting timed terminal event at 338.5
2025-12-03 22:22:16,329 sats.satellite.EO-2            INFO       <234.50> EO-2: imaged Target(tgt-6201)
2025-12-03 22:22:16,332 data.base                      INFO       <234.50> Total reward: {'EO-2': np.float64(0.00019618809952959716)}
2025-12-03 22:22:16,333 sats.satellite.EO-2            INFO       <234.50> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:16,343 gym                            INFO       <234.50> Step reward: {'EO-2': np.float64(0.00019618809952959716)}
2025-12-03 22:22:16,343 gym                            INFO       <234.50> === STARTING STEP ===
2025-12-03 22:22:16,344 sats.satellite.EO-0            INFO       <234.50> EO-0: action_charge tasked for 60.0 seconds
2025-12-03 22:22:16,344 sats.satellite.EO-0            INFO       <234.50> EO-0: setting timed terminal event at 294.5
2025-12-03 22:22:16,345 sats.satellite.EO-1            INFO       <234.50> EO-1: target index 21 tasked
2025-12-03 22:22:16,345 sats.satellite.EO-1            INFO       <234.50> EO-1: Target(tgt-8147) tasked for imaging
2025-12-03 22:22:16,346 sats.satellite.EO-1            INFO       <234.50> EO-1: Target(tgt-8147) window enabled: 345.9 to 427.9
2025-12-03 22:22:16,347 sats.satellite.EO-1            INFO       <234.50> EO-1: setting timed terminal event at 427.9
2025-12-03 22:22:16,347 sats.satellite.EO-2            INFO       <234.50> EO-2: target index 20 tasked
2025-12-03 22:22:16,348 sats.satellite.EO-2            INFO       <234.50> EO-2: Target(tgt-6166) tasked for imaging
2025-12-03 22:22:16,349 sats.satellite.EO-2            INFO       <234.50> EO-2: Target(tgt-6166) window enabled: 332.4 to 451.4
2025-12-03 22:22:16,349 sats.satellite.EO-2            INFO       <234.50> EO-2: setting timed terminal event at 451.4
2025-12-03 22:22:16,350 sats.satellite.EO-3            INFO       <234.50> EO-3: target index 22 tasked
2025-12-03 22:22:16,350 sats.satellite.EO-3            INFO       <234.50> EO-3: Target(tgt-561) tasked for imaging
2025-12-03 22:22:16,352 sats.satellite.EO-3            INFO       <234.50> EO-3: Target(tgt-561) window enabled: 315.5 to 432.6
2025-12-03 22:22:16,353 sats.satellite.EO-3            INFO       <234.50> EO-3: setting timed terminal event at 432.6
2025-12-03 22:22:16,354 sats.satellite.EO-4            INFO       <234.50> EO-4: target index 19 tasked
2025-12-03 22:22:16,354 sats.satellite.EO-4            INFO       <234.50> EO-4: Target(tgt-8706) tasked for imaging
2025-12-03 22:22:16,355 sats.satellite.EO-4            INFO       <234.50> EO-4: Target(tgt-8706) window enabled: 242.1 to 372.5
2025-12-03 22:22:16,356 sats.satellite.EO-4            INFO       <234.50> EO-4: setting timed terminal event at 372.5
2025-12-03 22:22:16,374 sats.satellite.EO-4            INFO       <263.00> EO-4: imaged Target(tgt-8706)
2025-12-03 22:22:16,376 data.base                      INFO       <263.00> Total reward: {'EO-4': np.float64(0.0007387702989303059)}
2025-12-03 22:22:16,377 sats.satellite.EO-4            INFO       <263.00> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:16,388 gym                            INFO       <263.00> Step reward: {'EO-4': np.float64(0.0007387702989303059)}
2025-12-03 22:22:16,389 gym                            INFO       <263.00> === STARTING STEP ===
2025-12-03 22:22:16,389 sats.satellite.EO-0            INFO       <263.00> EO-0: target index 15 tasked
2025-12-03 22:22:16,390 sats.satellite.EO-0            INFO       <263.00> EO-0: Target(tgt-3711) tasked for imaging
2025-12-03 22:22:16,390 sats.satellite.EO-0            INFO       <263.00> EO-0: Target(tgt-3711) window enabled: 292.4 to 408.6
2025-12-03 22:22:16,391 sats.satellite.EO-0            INFO       <263.00> EO-0: setting timed terminal event at 408.6
2025-12-03 22:22:16,392 sats.satellite.EO-1            INFO       <263.00> EO-1: target index 5 tasked
2025-12-03 22:22:16,393 sats.satellite.EO-1            INFO       <263.00> EO-1: Target(tgt-5378) tasked for imaging
2025-12-03 22:22:16,394 sats.satellite.EO-1            INFO       <263.00> EO-1: Target(tgt-5378) window enabled: 258.9 to 311.9
2025-12-03 22:22:16,394 sats.satellite.EO-1            INFO       <263.00> EO-1: setting timed terminal event at 311.9
2025-12-03 22:22:16,395 sats.satellite.EO-2            INFO       <263.00> EO-2: target index 26 tasked
2025-12-03 22:22:16,395 sats.satellite.EO-2            INFO       <263.00> EO-2: Target(tgt-5757) tasked for imaging
2025-12-03 22:22:16,396 sats.satellite.EO-2            INFO       <263.00> EO-2: Target(tgt-5757) window enabled: 392.8 to 521.2
2025-12-03 22:22:16,397 sats.satellite.EO-2            INFO       <263.00> EO-2: setting timed terminal event at 521.2
2025-12-03 22:22:16,398 sats.satellite.EO-3            INFO       <263.00> EO-3: target index 30 tasked
2025-12-03 22:22:16,399 sats.satellite.EO-3            INFO       <263.00> EO-3: Target(tgt-7108) tasked for imaging
2025-12-03 22:22:16,399 sats.satellite.EO-3            INFO       <263.00> EO-3: Target(tgt-7108) window enabled: 487.3 to 573.4
2025-12-03 22:22:16,400 sats.satellite.EO-3            INFO       <263.00> EO-3: setting timed terminal event at 573.4
2025-12-03 22:22:16,401 sats.satellite.EO-4            INFO       <263.00> EO-4: target index 26 tasked
2025-12-03 22:22:16,402 sats.satellite.EO-4            INFO       <263.00> EO-4: Target(tgt-5609) tasked for imaging
2025-12-03 22:22:16,402 sats.satellite.EO-4            INFO       <263.00> EO-4: Target(tgt-5609) window enabled: 370.8 to 482.1
2025-12-03 22:22:16,403 sats.satellite.EO-4            INFO       <263.00> EO-4: setting timed terminal event at 482.1
2025-12-03 22:22:16,433 sats.satellite.EO-1            INFO       <312.00> EO-1: timed termination at 311.9 for Target(tgt-5378) window
2025-12-03 22:22:16,436 data.base                      INFO       <312.00> Total reward: {}
2025-12-03 22:22:16,436 sats.satellite.EO-1            INFO       <312.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:16,446 gym                            INFO       <312.00> Step reward: {}
2025-12-03 22:22:16,447 gym                            INFO       <312.00> === STARTING STEP ===
2025-12-03 22:22:16,447 sats.satellite.EO-0            INFO       <312.00> EO-0: target index 15 tasked
2025-12-03 22:22:16,448 sats.satellite.EO-0            INFO       <312.00> EO-0: Target(tgt-5828) tasked for imaging
2025-12-03 22:22:16,449 sats.satellite.EO-0            INFO       <312.00> EO-0: Target(tgt-5828) window enabled: 327.5 to 442.1
2025-12-03 22:22:16,449 sats.satellite.EO-0            INFO       <312.00> EO-0: setting timed terminal event at 442.1
2025-12-03 22:22:16,450 sats.satellite.EO-1            INFO       <312.00> EO-1: target index 5 tasked
2025-12-03 22:22:16,452 sats.satellite.EO-1            INFO       <312.00> EO-1: Target(tgt-7877) tasked for imaging
2025-12-03 22:22:16,452 sats.satellite.EO-1            INFO       <312.00> EO-1: Target(tgt-7877) window enabled: 327.0 to 347.9
2025-12-03 22:22:16,453 sats.satellite.EO-1            INFO       <312.00> EO-1: setting timed terminal event at 347.9
2025-12-03 22:22:16,453 sats.satellite.EO-2            INFO       <312.00> EO-2: target index 21 tasked
2025-12-03 22:22:16,454 sats.satellite.EO-2            INFO       <312.00> EO-2: Target(tgt-100) tasked for imaging
2025-12-03 22:22:16,455 sats.satellite.EO-2            INFO       <312.00> EO-2: Target(tgt-100) window enabled: 385.1 to 500.9
2025-12-03 22:22:16,456 sats.satellite.EO-2            INFO       <312.00> EO-2: setting timed terminal event at 500.9
2025-12-03 22:22:16,457 sats.satellite.EO-3            INFO       <312.00> EO-3: target index 2 tasked
2025-12-03 22:22:16,457 sats.satellite.EO-3            INFO       <312.00> EO-3: Target(tgt-5891) tasked for imaging
2025-12-03 22:22:16,458 sats.satellite.EO-3            INFO       <312.00> EO-3: Target(tgt-5891) window enabled: 227.5 to 342.1
2025-12-03 22:22:16,458 sats.satellite.EO-3            INFO       <312.00> EO-3: setting timed terminal event at 342.1
2025-12-03 22:22:16,459 sats.satellite.EO-4            INFO       <312.00> EO-4: target index 25 tasked
2025-12-03 22:22:16,460 sats.satellite.EO-4            INFO       <312.00> EO-4: Target(tgt-3074) tasked for imaging
2025-12-03 22:22:16,461 sats.satellite.EO-4            INFO       <312.00> EO-4: Target(tgt-3074) window enabled: 452.4 to 520.2
2025-12-03 22:22:16,461 sats.satellite.EO-4            INFO       <312.00> EO-4: setting timed terminal event at 520.2
2025-12-03 22:22:16,480 sats.satellite.EO-3            INFO       <342.50> EO-3: timed termination at 342.1 for Target(tgt-5891) window
2025-12-03 22:22:16,483 data.base                      INFO       <342.50> Total reward: {}
2025-12-03 22:22:16,483 sats.satellite.EO-3            INFO       <342.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:16,495 gym                            INFO       <342.50> Step reward: {}
2025-12-03 22:22:16,495 gym                            INFO       <342.50> === STARTING STEP ===
2025-12-03 22:22:16,496 sats.satellite.EO-0            INFO       <342.50> EO-0: target index 17 tasked
2025-12-03 22:22:16,497 sats.satellite.EO-0            INFO       <342.50> EO-0: Target(tgt-473) tasked for imaging
2025-12-03 22:22:16,497 sats.satellite.EO-0            INFO       <342.50> EO-0: Target(tgt-473) window enabled: 362.9 to 480.9
2025-12-03 22:22:16,498 sats.satellite.EO-0            INFO       <342.50> EO-0: setting timed terminal event at 480.9
2025-12-03 22:22:16,499 sats.satellite.EO-1            INFO       <342.50> EO-1: target index 5 tasked
2025-12-03 22:22:16,499 sats.satellite.EO-1            INFO       <342.50> EO-1: Target(tgt-8966) tasked for imaging
2025-12-03 22:22:16,500 sats.satellite.EO-1            INFO       <342.50> EO-1: Target(tgt-8966) window enabled: 325.1 to 431.4
2025-12-03 22:22:16,501 sats.satellite.EO-1            INFO       <342.50> EO-1: setting timed terminal event at 431.4
2025-12-03 22:22:16,502 sats.satellite.EO-2            INFO       <342.50> EO-2: target index 30 tasked
2025-12-03 22:22:16,502 sats.satellite.EO-2            INFO       <342.50> EO-2: Target(tgt-2061) tasked for imaging
2025-12-03 22:22:16,503 sats.satellite.EO-2            INFO       <342.50> EO-2: Target(tgt-2061) window enabled: 498.8 to 594.4
2025-12-03 22:22:16,504 sats.satellite.EO-2            INFO       <342.50> EO-2: setting timed terminal event at 594.4
2025-12-03 22:22:16,505 sats.satellite.EO-3            INFO       <342.50> EO-3: target index 2 tasked
2025-12-03 22:22:16,505 sats.satellite.EO-3            INFO       <342.50> EO-3: Target(tgt-8850) tasked for imaging
2025-12-03 22:22:16,506 sats.satellite.EO-3            INFO       <342.50> EO-3: Target(tgt-8850) window enabled: 269.4 to 395.9
2025-12-03 22:22:16,506 sats.satellite.EO-3            INFO       <342.50> EO-3: setting timed terminal event at 395.9
2025-12-03 22:22:16,507 sats.satellite.EO-4            INFO       <342.50> EO-4: target index 1 tasked
2025-12-03 22:22:16,508 sats.satellite.EO-4            INFO       <342.50> EO-4: Target(tgt-9459) tasked for imaging
2025-12-03 22:22:16,508 sats.satellite.EO-4            INFO       <342.50> EO-4: Target(tgt-9459) window enabled: 218.1 to 349.0
2025-12-03 22:22:16,509 sats.satellite.EO-4            INFO       <342.50> EO-4: setting timed terminal event at 349.0
2025-12-03 22:22:16,514 sats.satellite.EO-4            INFO       <349.50> EO-4: timed termination at 349.0 for Target(tgt-9459) window
2025-12-03 22:22:16,517 data.base                      INFO       <349.50> Total reward: {}
2025-12-03 22:22:16,518 sats.satellite.EO-4            INFO       <349.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:16,528 gym                            INFO       <349.50> Step reward: {}
2025-12-03 22:22:16,528 gym                            INFO       <349.50> === STARTING STEP ===
2025-12-03 22:22:16,529 sats.satellite.EO-0            INFO       <349.50> EO-0: target index 3 tasked
2025-12-03 22:22:16,529 sats.satellite.EO-0            INFO       <349.50> EO-0: Target(tgt-5817) tasked for imaging
2025-12-03 22:22:16,530 sats.satellite.EO-0            INFO       <349.50> EO-0: Target(tgt-5817) window enabled: 277.2 to 377.9
2025-12-03 22:22:16,531 sats.satellite.EO-0            INFO       <349.50> EO-0: setting timed terminal event at 377.9
2025-12-03 22:22:16,532 sats.satellite.EO-1            INFO       <349.50> EO-1: target index 8 tasked
2025-12-03 22:22:16,532 sats.satellite.EO-1            INFO       <349.50> EO-1: Target(tgt-2870) tasked for imaging
2025-12-03 22:22:16,533 sats.satellite.EO-1            INFO       <349.50> EO-1: Target(tgt-2870) window enabled: 381.9 to 465.0
2025-12-03 22:22:16,533 sats.satellite.EO-1            INFO       <349.50> EO-1: setting timed terminal event at 465.0
2025-12-03 22:22:16,534 sats.satellite.EO-2            INFO       <349.50> EO-2: target index 18 tasked
2025-12-03 22:22:16,535 sats.satellite.EO-2            INFO       <349.50> EO-2: Target(tgt-7098) tasked for imaging
2025-12-03 22:22:16,535 sats.satellite.EO-2            INFO       <349.50> EO-2: Target(tgt-7098) window enabled: 378.2 to 509.1
2025-12-03 22:22:16,536 sats.satellite.EO-2            INFO       <349.50> EO-2: setting timed terminal event at 509.1
2025-12-03 22:22:16,537 sats.satellite.EO-3            INFO       <349.50> EO-3: action_charge tasked for 60.0 seconds
2025-12-03 22:22:16,537 sats.satellite.EO-3            INFO       <349.50> EO-3: setting timed terminal event at 409.5
2025-12-03 22:22:16,539 sats.satellite.EO-4            INFO       <349.50> EO-4: target index 28 tasked
2025-12-03 22:22:16,540 sats.satellite.EO-4            INFO       <349.50> EO-4: Target(tgt-9568) tasked for imaging
2025-12-03 22:22:16,540 sats.satellite.EO-4            INFO       <349.50> EO-4: Target(tgt-9568) window enabled: 463.1 to 593.6
2025-12-03 22:22:16,541 sats.satellite.EO-4            INFO       <349.50> EO-4: setting timed terminal event at 593.6
2025-12-03 22:22:16,561 sats.satellite.EO-0            INFO       <378.00> EO-0: timed termination at 377.9 for Target(tgt-5817) window
2025-12-03 22:22:16,564 data.base                      INFO       <378.00> Total reward: {}
2025-12-03 22:22:16,564 sats.satellite.EO-0            INFO       <378.00> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:16,574 gym                            INFO       <378.00> Step reward: {}
2025-12-03 22:22:16,574 gym                            INFO       <378.00> === STARTING STEP ===
2025-12-03 22:22:16,575 sats.satellite.EO-0            INFO       <378.00> EO-0: target index 25 tasked
2025-12-03 22:22:16,575 sats.satellite.EO-0            INFO       <378.00> EO-0: Target(tgt-5998) tasked for imaging
2025-12-03 22:22:16,576 sats.satellite.EO-0            INFO       <378.00> EO-0: Target(tgt-5998) window enabled: 458.9 to 577.3
2025-12-03 22:22:16,576 sats.satellite.EO-0            INFO       <378.00> EO-0: setting timed terminal event at 577.3
2025-12-03 22:22:16,577 sats.satellite.EO-1            INFO       <378.00> EO-1: target index 6 tasked
2025-12-03 22:22:16,578 sats.satellite.EO-1            INFO       <378.00> EO-1: Target(tgt-4490) tasked for imaging
2025-12-03 22:22:16,579 sats.satellite.EO-1            INFO       <378.00> EO-1: Target(tgt-4490) window enabled: 325.8 to 456.4
2025-12-03 22:22:16,580 sats.satellite.EO-1            INFO       <378.00> EO-1: setting timed terminal event at 456.4
2025-12-03 22:22:16,581 sats.satellite.EO-2            INFO       <378.00> EO-2: target index 26 tasked
2025-12-03 22:22:16,581 sats.satellite.EO-2            INFO       <378.00> EO-2: Target(tgt-9170) tasked for imaging
2025-12-03 22:22:16,582 sats.satellite.EO-2            INFO       <378.00> EO-2: Target(tgt-9170) window enabled: 484.0 to 603.7
2025-12-03 22:22:16,583 sats.satellite.EO-2            INFO       <378.00> EO-2: setting timed terminal event at 603.7
2025-12-03 22:22:16,584 sats.satellite.EO-3            INFO       <378.00> EO-3: target index 1 tasked
2025-12-03 22:22:16,584 sats.satellite.EO-3            INFO       <378.00> EO-3: Target(tgt-8850) tasked for imaging
2025-12-03 22:22:16,585 sats.satellite.EO-3            INFO       <378.00> EO-3: Target(tgt-8850) window enabled: 269.4 to 395.9
2025-12-03 22:22:16,585 sats.satellite.EO-3            INFO       <378.00> EO-3: setting timed terminal event at 395.9
2025-12-03 22:22:16,586 sats.satellite.EO-4            INFO       <378.00> EO-4: target index 26 tasked
2025-12-03 22:22:16,587 sats.satellite.EO-4            INFO       <378.00> EO-4: Target(tgt-9567) tasked for imaging
2025-12-03 22:22:16,587 sats.satellite.EO-4            INFO       <378.00> EO-4: Target(tgt-9567) window enabled: 469.6 to 595.9
2025-12-03 22:22:16,588 sats.satellite.EO-4            INFO       <378.00> EO-4: setting timed terminal event at 595.9
2025-12-03 22:22:16,601 sats.satellite.EO-3            INFO       <396.00> EO-3: timed termination at 395.9 for Target(tgt-8850) window
2025-12-03 22:22:16,604 data.base                      INFO       <396.00> Total reward: {}
2025-12-03 22:22:16,604 sats.satellite.EO-3            INFO       <396.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:16,615 gym                            INFO       <396.00> Step reward: {}
2025-12-03 22:22:16,616 gym                            INFO       <396.00> === STARTING STEP ===
2025-12-03 22:22:16,617 sats.satellite.EO-0            INFO       <396.00> EO-0: target index 19 tasked
2025-12-03 22:22:16,617 sats.satellite.EO-0            INFO       <396.00> EO-0: Target(tgt-2631) tasked for imaging
2025-12-03 22:22:16,618 sats.satellite.EO-0            INFO       <396.00> EO-0: Target(tgt-2631) window enabled: 494.9 to 542.6
2025-12-03 22:22:16,619 sats.satellite.EO-0            INFO       <396.00> EO-0: setting timed terminal event at 542.6
2025-12-03 22:22:16,620 sats.satellite.EO-1            INFO       <396.00> EO-1: target index 24 tasked
2025-12-03 22:22:16,620 sats.satellite.EO-1            INFO       <396.00> EO-1: Target(tgt-4379) tasked for imaging
2025-12-03 22:22:16,621 sats.satellite.EO-1            INFO       <396.00> EO-1: Target(tgt-4379) window enabled: 459.8 to 572.6
2025-12-03 22:22:16,622 sats.satellite.EO-1            INFO       <396.00> EO-1: setting timed terminal event at 572.6
2025-12-03 22:22:16,623 sats.satellite.EO-2            INFO       <396.00> EO-2: target index 26 tasked
2025-12-03 22:22:16,623 sats.satellite.EO-2            INFO       <396.00> EO-2: Target(tgt-9170) window enabled: 484.0 to 603.7
2025-12-03 22:22:16,624 sats.satellite.EO-2            INFO       <396.00> EO-2: setting timed terminal event at 603.7
2025-12-03 22:22:16,625 sats.satellite.EO-3            INFO       <396.00> EO-3: target index 17 tasked
2025-12-03 22:22:16,625 sats.satellite.EO-3            INFO       <396.00> EO-3: Target(tgt-2136) tasked for imaging
2025-12-03 22:22:16,626 sats.satellite.EO-3            INFO       <396.00> EO-3: Target(tgt-2136) window enabled: 458.6 to 589.5
2025-12-03 22:22:16,627 sats.satellite.EO-3            INFO       <396.00> EO-3: setting timed terminal event at 589.5
2025-12-03 22:22:16,627 sats.satellite.EO-4            INFO       <396.00> EO-4: target index 12 tasked
2025-12-03 22:22:16,628 sats.satellite.EO-4            INFO       <396.00> EO-4: Target(tgt-9329) tasked for imaging
2025-12-03 22:22:16,629 sats.satellite.EO-4            INFO       <396.00> EO-4: Target(tgt-9329) window enabled: 365.4 to 493.4
2025-12-03 22:22:16,629 sats.satellite.EO-4            INFO       <396.00> EO-4: setting timed terminal event at 493.4
2025-12-03 22:22:16,652 sats.satellite.EO-4            INFO       <432.50> EO-4: imaged Target(tgt-9329)
2025-12-03 22:22:16,655 data.base                      INFO       <432.50> Total reward: {'EO-4': np.float64(0.0005503746266565999)}
2025-12-03 22:22:16,655 sats.satellite.EO-4            INFO       <432.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:16,666 gym                            INFO       <432.50> Step reward: {'EO-4': np.float64(0.0005503746266565999)}
2025-12-03 22:22:16,666 gym                            INFO       <432.50> === STARTING STEP ===
2025-12-03 22:22:16,667 sats.satellite.EO-0            INFO       <432.50> EO-0: target index 25 tasked
2025-12-03 22:22:16,668 sats.satellite.EO-0            INFO       <432.50> EO-0: Target(tgt-9242) tasked for imaging
2025-12-03 22:22:16,668 sats.satellite.EO-0            INFO       <432.50> EO-0: Target(tgt-9242) window enabled: 524.2 to 616.8
2025-12-03 22:22:16,669 sats.satellite.EO-0            INFO       <432.50> EO-0: setting timed terminal event at 616.8
2025-12-03 22:22:16,670 sats.satellite.EO-1            INFO       <432.50> EO-1: target index 23 tasked
2025-12-03 22:22:16,670 sats.satellite.EO-1            INFO       <432.50> EO-1: Target(tgt-6163) tasked for imaging
2025-12-03 22:22:16,671 sats.satellite.EO-1            INFO       <432.50> EO-1: Target(tgt-6163) window enabled: 510.8 to 588.1
2025-12-03 22:22:16,672 sats.satellite.EO-1            INFO       <432.50> EO-1: setting timed terminal event at 588.1
2025-12-03 22:22:16,673 sats.satellite.EO-2            INFO       <432.50> EO-2: target index 15 tasked
2025-12-03 22:22:16,673 sats.satellite.EO-2            INFO       <432.50> EO-2: Target(tgt-7923) tasked for imaging
2025-12-03 22:22:16,674 sats.satellite.EO-2            INFO       <432.50> EO-2: Target(tgt-7923) window enabled: 442.6 to 542.5
2025-12-03 22:22:16,675 sats.satellite.EO-2            INFO       <432.50> EO-2: setting timed terminal event at 542.5
2025-12-03 22:22:16,676 sats.satellite.EO-3            INFO       <432.50> EO-3: target index 11 tasked
2025-12-03 22:22:16,676 sats.satellite.EO-3            INFO       <432.50> EO-3: Target(tgt-3497) tasked for imaging
2025-12-03 22:22:16,677 sats.satellite.EO-3            INFO       <432.50> EO-3: Target(tgt-3497) window enabled: 428.7 to 555.7
2025-12-03 22:22:16,677 sats.satellite.EO-3            INFO       <432.50> EO-3: setting timed terminal event at 555.7
2025-12-03 22:22:16,679 sats.satellite.EO-4            INFO       <432.50> EO-4: target index 19 tasked
2025-12-03 22:22:16,679 sats.satellite.EO-4            INFO       <432.50> EO-4: Target(tgt-2775) tasked for imaging
2025-12-03 22:22:16,680 sats.satellite.EO-4            INFO       <432.50> EO-4: Target(tgt-2775) window enabled: 458.6 to 585.8
2025-12-03 22:22:16,681 sats.satellite.EO-4            INFO       <432.50> EO-4: setting timed terminal event at 585.8
2025-12-03 22:22:16,698 sats.satellite.EO-3            INFO       <458.50> EO-3: imaged Target(tgt-3497)
2025-12-03 22:22:16,701 data.base                      INFO       <458.50> Total reward: {'EO-3': np.float64(0.002913718107019753)}
2025-12-03 22:22:16,701 sats.satellite.EO-3            INFO       <458.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:16,711 gym                            INFO       <458.50> Step reward: {'EO-3': np.float64(0.002913718107019753)}
2025-12-03 22:22:16,712 gym                            INFO       <458.50> === STARTING STEP ===
2025-12-03 22:22:16,712 sats.satellite.EO-0            INFO       <458.50> EO-0: target index 25 tasked
2025-12-03 22:22:16,713 sats.satellite.EO-0            INFO       <458.50> EO-0: Target(tgt-3995) tasked for imaging
2025-12-03 22:22:16,713 sats.satellite.EO-0            INFO       <458.50> EO-0: Target(tgt-3995) window enabled: 544.2 to 635.4
2025-12-03 22:22:16,714 sats.satellite.EO-0            INFO       <458.50> EO-0: setting timed terminal event at 635.4
2025-12-03 22:22:16,715 sats.satellite.EO-1            INFO       <458.50> EO-1: target index 8 tasked
2025-12-03 22:22:16,715 sats.satellite.EO-1            INFO       <458.50> EO-1: Target(tgt-3867) tasked for imaging
2025-12-03 22:22:16,716 sats.satellite.EO-1            INFO       <458.50> EO-1: Target(tgt-3867) window enabled: 401.0 to 527.0
2025-12-03 22:22:16,717 sats.satellite.EO-1            INFO       <458.50> EO-1: setting timed terminal event at 527.0
2025-12-03 22:22:16,717 sats.satellite.EO-2            INFO       <458.50> EO-2: target index 7 tasked
2025-12-03 22:22:16,718 sats.satellite.EO-2            INFO       <458.50> EO-2: Target(tgt-5757) tasked for imaging
2025-12-03 22:22:16,718 sats.satellite.EO-2            INFO       <458.50> EO-2: Target(tgt-5757) window enabled: 392.8 to 521.2
2025-12-03 22:22:16,719 sats.satellite.EO-2            INFO       <458.50> EO-2: setting timed terminal event at 521.2
2025-12-03 22:22:16,720 sats.satellite.EO-3            INFO       <458.50> EO-3: target index 28 tasked
2025-12-03 22:22:16,720 sats.satellite.EO-3            INFO       <458.50> EO-3: Target(tgt-4200) tasked for imaging
2025-12-03 22:22:16,721 sats.satellite.EO-3            INFO       <458.50> EO-3: Target(tgt-4200) window enabled: 554.4 to 668.5
2025-12-03 22:22:16,722 sats.satellite.EO-3            INFO       <458.50> EO-3: setting timed terminal event at 668.5
2025-12-03 22:22:16,722 sats.satellite.EO-4            INFO       <458.50> EO-4: target index 19 tasked
2025-12-03 22:22:16,723 sats.satellite.EO-4            INFO       <458.50> EO-4: Target(tgt-2505) tasked for imaging
2025-12-03 22:22:16,724 sats.satellite.EO-4            INFO       <458.50> EO-4: Target(tgt-2505) window enabled: 473.5 to 604.0
2025-12-03 22:22:16,724 sats.satellite.EO-4            INFO       <458.50> EO-4: setting timed terminal event at 604.0
2025-12-03 22:22:16,738 sats.satellite.EO-4            INFO       <477.50> EO-4: imaged Target(tgt-2505)
2025-12-03 22:22:16,741 data.base                      INFO       <477.50> Total reward: {'EO-4': np.float64(0.0015336782175379758)}
2025-12-03 22:22:16,741 sats.satellite.EO-4            INFO       <477.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:16,751 gym                            INFO       <477.50> Step reward: {'EO-4': np.float64(0.0015336782175379758)}
2025-12-03 22:22:16,752 gym                            INFO       <477.50> === STARTING STEP ===
2025-12-03 22:22:16,752 sats.satellite.EO-0            INFO       <477.50> EO-0: target index 8 tasked
2025-12-03 22:22:16,753 sats.satellite.EO-0            INFO       <477.50> EO-0: Target(tgt-2631) tasked for imaging
2025-12-03 22:22:16,754 sats.satellite.EO-0            INFO       <477.50> EO-0: Target(tgt-2631) window enabled: 494.9 to 542.6
2025-12-03 22:22:16,755 sats.satellite.EO-0            INFO       <477.50> EO-0: setting timed terminal event at 542.6
2025-12-03 22:22:16,755 sats.satellite.EO-1            INFO       <477.50> EO-1: target index 12 tasked
2025-12-03 22:22:16,756 sats.satellite.EO-1            INFO       <477.50> EO-1: Target(tgt-1755) tasked for imaging
2025-12-03 22:22:16,757 sats.satellite.EO-1            INFO       <477.50> EO-1: Target(tgt-1755) window enabled: 451.7 to 560.0
2025-12-03 22:22:16,757 sats.satellite.EO-1            INFO       <477.50> EO-1: setting timed terminal event at 560.0
2025-12-03 22:22:16,758 sats.satellite.EO-2            INFO       <477.50> EO-2: target index 1 tasked
2025-12-03 22:22:16,759 sats.satellite.EO-2            INFO       <477.50> EO-2: Target(tgt-6875) tasked for imaging
2025-12-03 22:22:16,759 sats.satellite.EO-2            INFO       <477.50> EO-2: Target(tgt-6875) window enabled: 364.3 to 487.0
2025-12-03 22:22:16,760 sats.satellite.EO-2            INFO       <477.50> EO-2: setting timed terminal event at 487.0
2025-12-03 22:22:16,760 sats.satellite.EO-3            INFO       <477.50> EO-3: target index 3 tasked
2025-12-03 22:22:16,761 sats.satellite.EO-3            INFO       <477.50> EO-3: Target(tgt-9338) tasked for imaging
2025-12-03 22:22:16,762 sats.satellite.EO-3            INFO       <477.50> EO-3: Target(tgt-9338) window enabled: 433.1 to 542.3
2025-12-03 22:22:16,763 sats.satellite.EO-3            INFO       <477.50> EO-3: setting timed terminal event at 542.3
2025-12-03 22:22:16,763 sats.satellite.EO-4            INFO       <477.50> EO-4: target index 4 tasked
2025-12-03 22:22:16,764 sats.satellite.EO-4            INFO       <477.50> EO-4: Target(tgt-5832) tasked for imaging
2025-12-03 22:22:16,765 sats.satellite.EO-4            INFO       <477.50> EO-4: Target(tgt-5832) window enabled: 483.3 to 510.1
2025-12-03 22:22:16,765 sats.satellite.EO-4            INFO       <477.50> EO-4: setting timed terminal event at 510.1
2025-12-03 22:22:16,772 sats.satellite.EO-2            INFO       <487.50> EO-2: timed termination at 487.0 for Target(tgt-6875) window
2025-12-03 22:22:16,775 data.base                      INFO       <487.50> Total reward: {}
2025-12-03 22:22:16,776 sats.satellite.EO-2            INFO       <487.50> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:16,786 gym                            INFO       <487.50> Step reward: {}
2025-12-03 22:22:16,787 gym                            INFO       <487.50> === STARTING STEP ===
2025-12-03 22:22:16,787 sats.satellite.EO-0            INFO       <487.50> EO-0: target index 23 tasked
2025-12-03 22:22:16,788 sats.satellite.EO-0            INFO       <487.50> EO-0: Target(tgt-4650) tasked for imaging
2025-12-03 22:22:16,789 sats.satellite.EO-0            INFO       <487.50> EO-0: Target(tgt-4650) window enabled: 519.1 to 640.4
2025-12-03 22:22:16,789 sats.satellite.EO-0            INFO       <487.50> EO-0: setting timed terminal event at 640.4
2025-12-03 22:22:16,790 sats.satellite.EO-1            INFO       <487.50> EO-1: target index 2 tasked
2025-12-03 22:22:16,790 sats.satellite.EO-1            INFO       <487.50> EO-1: Target(tgt-3946) tasked for imaging
2025-12-03 22:22:16,791 sats.satellite.EO-1            INFO       <487.50> EO-1: Target(tgt-3946) window enabled: 373.6 to 501.8
2025-12-03 22:22:16,792 sats.satellite.EO-1            INFO       <487.50> EO-1: setting timed terminal event at 501.8
2025-12-03 22:22:16,793 sats.satellite.EO-2            INFO       <487.50> EO-2: target index 17 tasked
2025-12-03 22:22:16,793 sats.satellite.EO-2            INFO       <487.50> EO-2: Target(tgt-7198) tasked for imaging
2025-12-03 22:22:16,794 sats.satellite.EO-2            INFO       <487.50> EO-2: Target(tgt-7198) window enabled: 517.7 to 625.5
2025-12-03 22:22:16,794 sats.satellite.EO-2            INFO       <487.50> EO-2: setting timed terminal event at 625.5
2025-12-03 22:22:16,795 sats.satellite.EO-3            INFO       <487.50> EO-3: target index 5 tasked
2025-12-03 22:22:16,796 sats.satellite.EO-3            INFO       <487.50> EO-3: Target(tgt-6074) tasked for imaging
2025-12-03 22:22:16,796 sats.satellite.EO-3            INFO       <487.50> EO-3: Target(tgt-6074) window enabled: 472.2 to 569.4
2025-12-03 22:22:16,797 sats.satellite.EO-3            INFO       <487.50> EO-3: setting timed terminal event at 569.4
2025-12-03 22:22:16,799 sats.satellite.EO-4            INFO       <487.50> EO-4: target index 12 tasked
2025-12-03 22:22:16,799 sats.satellite.EO-4            INFO       <487.50> EO-4: Target(tgt-9568) tasked for imaging
2025-12-03 22:22:16,800 sats.satellite.EO-4            INFO       <487.50> EO-4: Target(tgt-9568) window enabled: 463.1 to 593.6
2025-12-03 22:22:16,800 sats.satellite.EO-4            INFO       <487.50> EO-4: setting timed terminal event at 593.6
2025-12-03 22:22:16,811 sats.satellite.EO-1            INFO       <502.00> EO-1: timed termination at 501.8 for Target(tgt-3946) window
2025-12-03 22:22:16,814 data.base                      INFO       <502.00> Total reward: {}
2025-12-03 22:22:16,814 sats.satellite.EO-1            INFO       <502.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:16,824 gym                            INFO       <502.00> Step reward: {}
2025-12-03 22:22:16,825 gym                            INFO       <502.00> === STARTING STEP ===
2025-12-03 22:22:16,825 sats.satellite.EO-0            INFO       <502.00> EO-0: target index 27 tasked
2025-12-03 22:22:16,826 sats.satellite.EO-0            INFO       <502.00> EO-0: Target(tgt-6190) tasked for imaging
2025-12-03 22:22:16,826 sats.satellite.EO-0            INFO       <502.00> EO-0: Target(tgt-6190) window enabled: 572.7 to 673.6
2025-12-03 22:22:16,827 sats.satellite.EO-0            INFO       <502.00> EO-0: setting timed terminal event at 673.6
2025-12-03 22:22:16,828 sats.satellite.EO-1            INFO       <502.00> EO-1: target index 10 tasked
2025-12-03 22:22:16,829 sats.satellite.EO-1            INFO       <502.00> EO-1: Target(tgt-4379) tasked for imaging
2025-12-03 22:22:16,830 sats.satellite.EO-1            INFO       <502.00> EO-1: Target(tgt-4379) window enabled: 459.8 to 572.6
2025-12-03 22:22:16,830 sats.satellite.EO-1            INFO       <502.00> EO-1: setting timed terminal event at 572.6
2025-12-03 22:22:16,831 sats.satellite.EO-2            INFO       <502.00> EO-2: target index 1 tasked
2025-12-03 22:22:16,832 sats.satellite.EO-2            INFO       <502.00> EO-2: Target(tgt-7098) tasked for imaging
2025-12-03 22:22:16,833 sats.satellite.EO-2            INFO       <502.00> EO-2: Target(tgt-7098) window enabled: 378.2 to 509.1
2025-12-03 22:22:16,833 sats.satellite.EO-2            INFO       <502.00> EO-2: setting timed terminal event at 509.1
2025-12-03 22:22:16,834 sats.satellite.EO-3            INFO       <502.00> EO-3: target index 9 tasked
2025-12-03 22:22:16,834 sats.satellite.EO-3            INFO       <502.00> EO-3: Target(tgt-1828) tasked for imaging
2025-12-03 22:22:16,835 sats.satellite.EO-3            INFO       <502.00> EO-3: Target(tgt-1828) window enabled: 502.6 to 592.2
2025-12-03 22:22:16,836 sats.satellite.EO-3            INFO       <502.00> EO-3: setting timed terminal event at 592.2
2025-12-03 22:22:16,836 sats.satellite.EO-4            INFO       <502.00> EO-4: target index 16 tasked
2025-12-03 22:22:16,837 sats.satellite.EO-4            INFO       <502.00> EO-4: Target(tgt-4710) tasked for imaging
2025-12-03 22:22:16,838 sats.satellite.EO-4            INFO       <502.00> EO-4: Target(tgt-4710) window enabled: 492.5 to 617.4
2025-12-03 22:22:16,838 sats.satellite.EO-4            INFO       <502.00> EO-4: setting timed terminal event at 617.4
2025-12-03 22:22:16,844 sats.satellite.EO-2            INFO       <509.50> EO-2: timed termination at 509.1 for Target(tgt-7098) window
2025-12-03 22:22:16,847 data.base                      INFO       <509.50> Total reward: {}
2025-12-03 22:22:16,847 sats.satellite.EO-2            INFO       <509.50> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:16,857 gym                            INFO       <509.50> Step reward: {}
2025-12-03 22:22:16,857 gym                            INFO       <509.50> === STARTING STEP ===
2025-12-03 22:22:16,858 sats.satellite.EO-0            INFO       <509.50> EO-0: target index 17 tasked
2025-12-03 22:22:16,858 sats.satellite.EO-0            INFO       <509.50> EO-0: Target(tgt-8357) tasked for imaging
2025-12-03 22:22:16,859 sats.satellite.EO-0            INFO       <509.50> EO-0: Target(tgt-8357) window enabled: 522.5 to 628.9
2025-12-03 22:22:16,860 sats.satellite.EO-0            INFO       <509.50> EO-0: setting timed terminal event at 628.9
2025-12-03 22:22:16,861 sats.satellite.EO-1            INFO       <509.50> EO-1: target index 13 tasked
2025-12-03 22:22:16,861 sats.satellite.EO-1            INFO       <509.50> EO-1: Target(tgt-6163) tasked for imaging
2025-12-03 22:22:16,862 sats.satellite.EO-1            INFO       <509.50> EO-1: Target(tgt-6163) window enabled: 510.8 to 588.1
2025-12-03 22:22:16,863 sats.satellite.EO-1            INFO       <509.50> EO-1: setting timed terminal event at 588.1
2025-12-03 22:22:16,863 sats.satellite.EO-2            INFO       <509.50> EO-2: target index 7 tasked
2025-12-03 22:22:16,864 sats.satellite.EO-2            INFO       <509.50> EO-2: Target(tgt-6245) tasked for imaging
2025-12-03 22:22:16,865 sats.satellite.EO-2            INFO       <509.50> EO-2: Target(tgt-6245) window enabled: 530.8 to 584.4
2025-12-03 22:22:16,865 sats.satellite.EO-2            INFO       <509.50> EO-2: setting timed terminal event at 584.4
2025-12-03 22:22:16,866 sats.satellite.EO-3            INFO       <509.50> EO-3: target index 2 tasked
2025-12-03 22:22:16,867 sats.satellite.EO-3            INFO       <509.50> EO-3: Target(tgt-3497) tasked for imaging
2025-12-03 22:22:16,867 sats.satellite.EO-3            INFO       <509.50> EO-3: Target(tgt-3497) window enabled: 428.7 to 555.7
2025-12-03 22:22:16,868 sats.satellite.EO-3            INFO       <509.50> EO-3: setting timed terminal event at 555.7
2025-12-03 22:22:16,868 sats.satellite.EO-4            INFO       <509.50> EO-4: target index 2 tasked
2025-12-03 22:22:16,869 sats.satellite.EO-4            INFO       <509.50> EO-4: Target(tgt-320) tasked for imaging
2025-12-03 22:22:16,870 sats.satellite.EO-4            INFO       <509.50> EO-4: Target(tgt-320) window enabled: 413.8 to 518.9
2025-12-03 22:22:16,871 sats.satellite.EO-4            INFO       <509.50> EO-4: setting timed terminal event at 518.9
2025-12-03 22:22:16,878 sats.satellite.EO-4            INFO       <519.00> EO-4: timed termination at 518.9 for Target(tgt-320) window
2025-12-03 22:22:16,880 data.base                      INFO       <519.00> Total reward: {}
2025-12-03 22:22:16,881 sats.satellite.EO-4            INFO       <519.00> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:16,891 gym                            INFO       <519.00> Step reward: {}
2025-12-03 22:22:16,891 gym                            INFO       <519.00> === STARTING STEP ===
2025-12-03 22:22:16,892 sats.satellite.EO-0            INFO       <519.00> EO-0: action_charge tasked for 60.0 seconds
2025-12-03 22:22:16,892 sats.satellite.EO-0            INFO       <519.00> EO-0: setting timed terminal event at 579.0
2025-12-03 22:22:16,893 sats.satellite.EO-1            INFO       <519.00> EO-1: target index 13 tasked
2025-12-03 22:22:16,894 sats.satellite.EO-1            INFO       <519.00> EO-1: Target(tgt-5979) tasked for imaging
2025-12-03 22:22:16,895 sats.satellite.EO-1            INFO       <519.00> EO-1: Target(tgt-5979) window enabled: 473.6 to 593.2
2025-12-03 22:22:16,895 sats.satellite.EO-1            INFO       <519.00> EO-1: setting timed terminal event at 593.2
2025-12-03 22:22:16,896 sats.satellite.EO-2            INFO       <519.00> EO-2: target index 23 tasked
2025-12-03 22:22:16,897 sats.satellite.EO-2            INFO       <519.00> EO-2: Target(tgt-2138) tasked for imaging
2025-12-03 22:22:16,898 sats.satellite.EO-2            INFO       <519.00> EO-2: Target(tgt-2138) window enabled: 546.5 to 676.1
2025-12-03 22:22:16,898 sats.satellite.EO-2            INFO       <519.00> EO-2: setting timed terminal event at 676.1
2025-12-03 22:22:16,899 sats.satellite.EO-3            INFO       <519.00> EO-3: target index 6 tasked
2025-12-03 22:22:16,900 sats.satellite.EO-3            INFO       <519.00> EO-3: Target(tgt-4776) tasked for imaging
2025-12-03 22:22:16,900 sats.satellite.EO-3            INFO       <519.00> EO-3: Target(tgt-4776) window enabled: 467.0 to 583.4
2025-12-03 22:22:16,901 sats.satellite.EO-3            INFO       <519.00> EO-3: setting timed terminal event at 583.4
2025-12-03 22:22:16,902 sats.satellite.EO-4            INFO       <519.00> EO-4: target index 18 tasked
2025-12-03 22:22:16,903 sats.satellite.EO-4            INFO       <519.00> EO-4: Target(tgt-2234) tasked for imaging
2025-12-03 22:22:16,903 sats.satellite.EO-4            INFO       <519.00> EO-4: Target(tgt-2234) window enabled: 598.5 to 669.2
2025-12-03 22:22:16,904 sats.satellite.EO-4            INFO       <519.00> EO-4: setting timed terminal event at 669.2
2025-12-03 22:22:16,927 sats.satellite.EO-1            INFO       <551.00> EO-1: imaged Target(tgt-5979)
2025-12-03 22:22:16,930 data.base                      INFO       <551.00> Total reward: {'EO-1': np.float64(0.0005306927867721997)}
2025-12-03 22:22:16,930 sats.satellite.EO-1            INFO       <551.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:16,940 gym                            INFO       <551.00> Step reward: {'EO-1': np.float64(0.0005306927867721997)}
2025-12-03 22:22:16,940 gym                            INFO       <551.00> === STARTING STEP ===
2025-12-03 22:22:16,941 sats.satellite.EO-0            INFO       <551.00> EO-0: target index 19 tasked
2025-12-03 22:22:16,941 sats.satellite.EO-0            INFO       <551.00> EO-0: Target(tgt-3245) tasked for imaging
2025-12-03 22:22:16,943 sats.satellite.EO-0            INFO       <551.00> EO-0: Target(tgt-3245) window enabled: 552.8 to 670.2
2025-12-03 22:22:16,943 sats.satellite.EO-0            INFO       <551.00> EO-0: setting timed terminal event at 670.2
2025-12-03 22:22:16,944 sats.satellite.EO-1            INFO       <551.00> EO-1: target index 20 tasked
2025-12-03 22:22:16,945 sats.satellite.EO-1            INFO       <551.00> EO-1: Target(tgt-1902) tasked for imaging
2025-12-03 22:22:16,945 sats.satellite.EO-1            INFO       <551.00> EO-1: Target(tgt-1902) window enabled: 547.0 to 678.0
2025-12-03 22:22:16,946 sats.satellite.EO-1            INFO       <551.00> EO-1: setting timed terminal event at 678.0
2025-12-03 22:22:16,946 sats.satellite.EO-2            INFO       <551.00> EO-2: target index 5 tasked
2025-12-03 22:22:16,947 sats.satellite.EO-2            INFO       <551.00> EO-2: Target(tgt-6555) tasked for imaging
2025-12-03 22:22:16,948 sats.satellite.EO-2            INFO       <551.00> EO-2: Target(tgt-6555) window enabled: 483.4 to 598.9
2025-12-03 22:22:16,948 sats.satellite.EO-2            INFO       <551.00> EO-2: setting timed terminal event at 598.9
2025-12-03 22:22:16,949 sats.satellite.EO-3            INFO       <551.00> EO-3: target index 15 tasked
2025-12-03 22:22:16,949 sats.satellite.EO-3            INFO       <551.00> EO-3: Target(tgt-3151) tasked for imaging
2025-12-03 22:22:16,950 sats.satellite.EO-3            INFO       <551.00> EO-3: Target(tgt-3151) window enabled: 513.6 to 631.1
2025-12-03 22:22:16,950 sats.satellite.EO-3            INFO       <551.00> EO-3: setting timed terminal event at 631.1
2025-12-03 22:22:16,951 sats.satellite.EO-4            INFO       <551.00> EO-4: target index 17 tasked
2025-12-03 22:22:16,951 sats.satellite.EO-4            INFO       <551.00> EO-4: Target(tgt-1438) tasked for imaging
2025-12-03 22:22:16,952 sats.satellite.EO-4            INFO       <551.00> EO-4: Target(tgt-1438) window enabled: 589.5 to 704.6
2025-12-03 22:22:16,952 sats.satellite.EO-4            INFO       <551.00> EO-4: setting timed terminal event at 704.6
2025-12-03 22:22:16,979 sats.satellite.EO-4            INFO       <590.50> EO-4: imaged Target(tgt-1438)
2025-12-03 22:22:16,981 data.base                      INFO       <590.50> Total reward: {'EO-4': np.float64(0.0008029344625859378)}
2025-12-03 22:22:16,982 sats.satellite.EO-4            INFO       <590.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:16,994 gym                            INFO       <590.50> Step reward: {'EO-4': np.float64(0.0008029344625859378)}
2025-12-03 22:22:16,994 gym                            INFO       <590.50> === STARTING STEP ===
2025-12-03 22:22:16,995 sats.satellite.EO-0            INFO       <590.50> EO-0: target index 14 tasked
2025-12-03 22:22:16,995 sats.satellite.EO-0            INFO       <590.50> EO-0: Target(tgt-6190) tasked for imaging
2025-12-03 22:22:16,996 sats.satellite.EO-0            INFO       <590.50> EO-0: Target(tgt-6190) window enabled: 572.7 to 673.6
2025-12-03 22:22:16,996 sats.satellite.EO-0            INFO       <590.50> EO-0: setting timed terminal event at 673.6
2025-12-03 22:22:16,997 sats.satellite.EO-1            INFO       <590.50> EO-1: target index 19 tasked
2025-12-03 22:22:16,998 sats.satellite.EO-1            INFO       <590.50> EO-1: Target(tgt-5372) tasked for imaging
2025-12-03 22:22:16,999 sats.satellite.EO-1            INFO       <590.50> EO-1: Target(tgt-5372) window enabled: 688.4 to 812.6
2025-12-03 22:22:16,999 sats.satellite.EO-1            INFO       <590.50> EO-1: setting timed terminal event at 812.6
2025-12-03 22:22:17,001 sats.satellite.EO-2            INFO       <590.50> EO-2: target index 14 tasked
2025-12-03 22:22:17,001 sats.satellite.EO-2            INFO       <590.50> EO-2: Target(tgt-2138) tasked for imaging
2025-12-03 22:22:17,002 sats.satellite.EO-2            INFO       <590.50> EO-2: Target(tgt-2138) window enabled: 546.5 to 676.1
2025-12-03 22:22:17,002 sats.satellite.EO-2            INFO       <590.50> EO-2: setting timed terminal event at 676.1
2025-12-03 22:22:17,004 sats.satellite.EO-3            INFO       <590.50> EO-3: target index 12 tasked
2025-12-03 22:22:17,004 sats.satellite.EO-3            INFO       <590.50> EO-3: Target(tgt-179) tasked for imaging
2025-12-03 22:22:17,005 sats.satellite.EO-3            INFO       <590.50> EO-3: Target(tgt-179) window enabled: 516.2 to 647.3
2025-12-03 22:22:17,005 sats.satellite.EO-3            INFO       <590.50> EO-3: setting timed terminal event at 647.3
2025-12-03 22:22:17,006 sats.satellite.EO-4            INFO       <590.50> EO-4: target index 10 tasked
2025-12-03 22:22:17,007 sats.satellite.EO-4            INFO       <590.50> EO-4: Target(tgt-6237) tasked for imaging
2025-12-03 22:22:17,007 sats.satellite.EO-4            INFO       <590.50> EO-4: Target(tgt-6237) window enabled: 536.3 to 661.9
2025-12-03 22:22:17,008 sats.satellite.EO-4            INFO       <590.50> EO-4: setting timed terminal event at 661.9
2025-12-03 22:22:17,025 sats.satellite.EO-3            INFO       <614.00> EO-3: imaged Target(tgt-179)
2025-12-03 22:22:17,028 data.base                      INFO       <614.00> Total reward: {'EO-3': np.float64(0.0009383574411816774)}
2025-12-03 22:22:17,028 sats.satellite.EO-3            INFO       <614.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:17,038 gym                            INFO       <614.00> Step reward: {'EO-3': np.float64(0.0009383574411816774)}
2025-12-03 22:22:17,039 gym                            INFO       <614.00> === STARTING STEP ===
2025-12-03 22:22:17,039 sats.satellite.EO-0            INFO       <614.00> EO-0: target index 29 tasked
2025-12-03 22:22:17,040 sats.satellite.EO-0            INFO       <614.00> EO-0: Target(tgt-1441) tasked for imaging
2025-12-03 22:22:17,041 sats.satellite.EO-0            INFO       <614.00> EO-0: Target(tgt-1441) window enabled: 722.2 to 791.4
2025-12-03 22:22:17,042 sats.satellite.EO-0            INFO       <614.00> EO-0: setting timed terminal event at 791.4
2025-12-03 22:22:17,042 sats.satellite.EO-1            INFO       <614.00> EO-1: target index 4 tasked
2025-12-03 22:22:17,043 sats.satellite.EO-1            INFO       <614.00> EO-1: Target(tgt-8098) tasked for imaging
2025-12-03 22:22:17,044 sats.satellite.EO-1            INFO       <614.00> EO-1: Target(tgt-8098) window enabled: 552.8 to 639.6
2025-12-03 22:22:17,044 sats.satellite.EO-1            INFO       <614.00> EO-1: setting timed terminal event at 639.6
2025-12-03 22:22:17,045 sats.satellite.EO-2            INFO       <614.00> EO-2: target index 10 tasked
2025-12-03 22:22:17,046 sats.satellite.EO-2            INFO       <614.00> EO-2: Target(tgt-6628) tasked for imaging
2025-12-03 22:22:17,046 sats.satellite.EO-2            INFO       <614.00> EO-2: Target(tgt-6628) window enabled: 571.5 to 673.2
2025-12-03 22:22:17,047 sats.satellite.EO-2            INFO       <614.00> EO-2: setting timed terminal event at 673.2
2025-12-03 22:22:17,047 sats.satellite.EO-3            INFO       <614.00> EO-3: target index 30 tasked
2025-12-03 22:22:17,048 sats.satellite.EO-3            INFO       <614.00> EO-3: Target(tgt-2927) tasked for imaging
2025-12-03 22:22:17,049 sats.satellite.EO-3            INFO       <614.00> EO-3: Target(tgt-2927) window enabled: 741.9 to 833.9
2025-12-03 22:22:17,049 sats.satellite.EO-3            INFO       <614.00> EO-3: setting timed terminal event at 833.9
2025-12-03 22:22:17,050 sats.satellite.EO-4            INFO       <614.00> EO-4: target index 15 tasked
2025-12-03 22:22:17,050 sats.satellite.EO-4            INFO       <614.00> EO-4: Target(tgt-4960) tasked for imaging
2025-12-03 22:22:17,052 sats.satellite.EO-4            INFO       <614.00> EO-4: Target(tgt-4960) window enabled: 641.5 to 752.5
2025-12-03 22:22:17,052 sats.satellite.EO-4            INFO       <614.00> EO-4: setting timed terminal event at 752.5
2025-12-03 22:22:17,069 sats.satellite.EO-1            INFO       <640.00> EO-1: timed termination at 639.6 for Target(tgt-8098) window
2025-12-03 22:22:17,072 data.base                      INFO       <640.00> Total reward: {}
2025-12-03 22:22:17,072 sats.satellite.EO-1            INFO       <640.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:17,083 gym                            INFO       <640.00> Step reward: {}
2025-12-03 22:22:17,084 gym                            INFO       <640.00> === STARTING STEP ===
2025-12-03 22:22:17,084 sats.satellite.EO-0            INFO       <640.00> EO-0: target index 6 tasked
2025-12-03 22:22:17,085 sats.satellite.EO-0            INFO       <640.00> EO-0: Target(tgt-6190) tasked for imaging
2025-12-03 22:22:17,086 sats.satellite.EO-0            INFO       <640.00> EO-0: Target(tgt-6190) window enabled: 572.7 to 673.6
2025-12-03 22:22:17,087 sats.satellite.EO-0            INFO       <640.00> EO-0: setting timed terminal event at 673.6
2025-12-03 22:22:17,087 sats.satellite.EO-1            INFO       <640.00> EO-1: target index 20 tasked
2025-12-03 22:22:17,088 sats.satellite.EO-1            INFO       <640.00> EO-1: Target(tgt-8316) tasked for imaging
2025-12-03 22:22:17,089 sats.satellite.EO-1            INFO       <640.00> EO-1: Target(tgt-8316) window enabled: 806.8 to 924.3
2025-12-03 22:22:17,089 sats.satellite.EO-1            INFO       <640.00> EO-1: setting timed terminal event at 924.3
2025-12-03 22:22:17,090 sats.satellite.EO-2            INFO       <640.00> EO-2: target index 21 tasked
2025-12-03 22:22:17,090 sats.satellite.EO-2            INFO       <640.00> EO-2: Target(tgt-4538) tasked for imaging
2025-12-03 22:22:17,091 sats.satellite.EO-2            INFO       <640.00> EO-2: Target(tgt-4538) window enabled: 761.4 to 833.1
2025-12-03 22:22:17,091 sats.satellite.EO-2            INFO       <640.00> EO-2: setting timed terminal event at 833.1
2025-12-03 22:22:17,092 sats.satellite.EO-3            INFO       <640.00> EO-3: target index 1 tasked
2025-12-03 22:22:17,093 sats.satellite.EO-3            INFO       <640.00> EO-3: Target(tgt-179) tasked for imaging
2025-12-03 22:22:17,093 sats.satellite.EO-3            INFO       <640.00> EO-3: Target(tgt-179) window enabled: 516.2 to 647.3
2025-12-03 22:22:17,094 sats.satellite.EO-3            INFO       <640.00> EO-3: setting timed terminal event at 647.3
2025-12-03 22:22:17,095 sats.satellite.EO-4            INFO       <640.00> EO-4: target index 27 tasked
2025-12-03 22:22:17,095 sats.satellite.EO-4            INFO       <640.00> EO-4: Target(tgt-3021) tasked for imaging
2025-12-03 22:22:17,096 sats.satellite.EO-4            INFO       <640.00> EO-4: Target(tgt-3021) window enabled: 726.4 to 849.9
2025-12-03 22:22:17,097 sats.satellite.EO-4            INFO       <640.00> EO-4: setting timed terminal event at 849.9
2025-12-03 22:22:17,105 sats.satellite.EO-3            INFO       <647.50> EO-3: timed termination at 647.3 for Target(tgt-179) window
2025-12-03 22:22:17,108 data.base                      INFO       <647.50> Total reward: {}
2025-12-03 22:22:17,109 sats.satellite.EO-3            INFO       <647.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:17,122 gym                            INFO       <647.50> Step reward: {}
2025-12-03 22:22:17,123 gym                            INFO       <647.50> === STARTING STEP ===
2025-12-03 22:22:17,123 sats.satellite.EO-0            INFO       <647.50> EO-0: target index 12 tasked
2025-12-03 22:22:17,124 sats.satellite.EO-0            INFO       <647.50> EO-0: Target(tgt-7299) tasked for imaging
2025-12-03 22:22:17,125 sats.satellite.EO-0            INFO       <647.50> EO-0: Target(tgt-7299) window enabled: 583.0 to 713.6
2025-12-03 22:22:17,125 sats.satellite.EO-0            INFO       <647.50> EO-0: setting timed terminal event at 713.6
2025-12-03 22:22:17,126 sats.satellite.EO-1            INFO       <647.50> EO-1: target index 10 tasked
2025-12-03 22:22:17,127 sats.satellite.EO-1            INFO       <647.50> EO-1: Target(tgt-655) tasked for imaging
2025-12-03 22:22:17,127 sats.satellite.EO-1            INFO       <647.50> EO-1: Target(tgt-655) window enabled: 749.6 to 812.0
2025-12-03 22:22:17,128 sats.satellite.EO-1            INFO       <647.50> EO-1: setting timed terminal event at 812.0
2025-12-03 22:22:17,129 sats.satellite.EO-2            INFO       <647.50> EO-2: target index 8 tasked
2025-12-03 22:22:17,129 sats.satellite.EO-2            INFO       <647.50> EO-2: Target(tgt-4769) tasked for imaging
2025-12-03 22:22:17,131 sats.satellite.EO-2            INFO       <647.50> EO-2: Target(tgt-4769) window enabled: 591.8 to 711.7
2025-12-03 22:22:17,131 sats.satellite.EO-2            INFO       <647.50> EO-2: setting timed terminal event at 711.7
2025-12-03 22:22:17,132 sats.satellite.EO-3            INFO       <647.50> EO-3: target index 18 tasked
2025-12-03 22:22:17,133 sats.satellite.EO-3            INFO       <647.50> EO-3: Target(tgt-9354) tasked for imaging
2025-12-03 22:22:17,133 sats.satellite.EO-3            INFO       <647.50> EO-3: Target(tgt-9354) window enabled: 668.9 to 793.5
2025-12-03 22:22:17,134 sats.satellite.EO-3            INFO       <647.50> EO-3: setting timed terminal event at 793.5
2025-12-03 22:22:17,135 sats.satellite.EO-4            INFO       <647.50> EO-4: target index 12 tasked
2025-12-03 22:22:17,135 sats.satellite.EO-4            INFO       <647.50> EO-4: Target(tgt-5270) tasked for imaging
2025-12-03 22:22:17,137 sats.satellite.EO-4            INFO       <647.50> EO-4: Target(tgt-5270) window enabled: 653.1 to 758.2
2025-12-03 22:22:17,138 sats.satellite.EO-4            INFO       <647.50> EO-4: setting timed terminal event at 758.2
2025-12-03 22:22:17,154 sats.satellite.EO-3            INFO       <670.00> EO-3: imaged Target(tgt-9354)
2025-12-03 22:22:17,156 data.base                      INFO       <670.00> Total reward: {'EO-3': np.float64(0.027279433225173275)}
2025-12-03 22:22:17,157 sats.satellite.EO-3            INFO       <670.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:17,166 gym                            INFO       <670.00> Step reward: {'EO-3': np.float64(0.027279433225173275)}
2025-12-03 22:22:17,167 gym                            INFO       <670.00> === STARTING STEP ===
2025-12-03 22:22:17,167 sats.satellite.EO-0            INFO       <670.00> EO-0: target index 18 tasked
2025-12-03 22:22:17,168 sats.satellite.EO-0            INFO       <670.00> EO-0: Target(tgt-1441) tasked for imaging
2025-12-03 22:22:17,169 sats.satellite.EO-0            INFO       <670.00> EO-0: Target(tgt-1441) window enabled: 722.2 to 791.4
2025-12-03 22:22:17,170 sats.satellite.EO-0            INFO       <670.00> EO-0: setting timed terminal event at 791.4
2025-12-03 22:22:17,170 sats.satellite.EO-1            INFO       <670.00> EO-1: target index 23 tasked
2025-12-03 22:22:17,171 sats.satellite.EO-1            INFO       <670.00> EO-1: Target(tgt-8514) tasked for imaging
2025-12-03 22:22:17,172 sats.satellite.EO-1            INFO       <670.00> EO-1: Target(tgt-8514) window enabled: 882.1 to 993.8
2025-12-03 22:22:17,173 sats.satellite.EO-1            INFO       <670.00> EO-1: setting timed terminal event at 993.8
2025-12-03 22:22:17,173 sats.satellite.EO-2            INFO       <670.00> EO-2: target index 5 tasked
2025-12-03 22:22:17,174 sats.satellite.EO-2            INFO       <670.00> EO-2: Target(tgt-7935) tasked for imaging
2025-12-03 22:22:17,175 sats.satellite.EO-2            INFO       <670.00> EO-2: Target(tgt-7935) window enabled: 606.6 to 723.9
2025-12-03 22:22:17,175 sats.satellite.EO-2            INFO       <670.00> EO-2: setting timed terminal event at 723.9
2025-12-03 22:22:17,176 sats.satellite.EO-3            INFO       <670.00> EO-3: target index 21 tasked
2025-12-03 22:22:17,177 sats.satellite.EO-3            INFO       <670.00> EO-3: Target(tgt-7762) tasked for imaging
2025-12-03 22:22:17,178 sats.satellite.EO-3            INFO       <670.00> EO-3: Target(tgt-7762) window enabled: 746.1 to 873.7
2025-12-03 22:22:17,178 sats.satellite.EO-3            INFO       <670.00> EO-3: setting timed terminal event at 873.7
2025-12-03 22:22:17,179 sats.satellite.EO-4            INFO       <670.00> EO-4: target index 7 tasked
2025-12-03 22:22:17,179 sats.satellite.EO-4            INFO       <670.00> EO-4: Target(tgt-8805) tasked for imaging
2025-12-03 22:22:17,180 sats.satellite.EO-4            INFO       <670.00> EO-4: Target(tgt-8805) window enabled: 625.2 to 738.1
2025-12-03 22:22:17,180 sats.satellite.EO-4            INFO       <670.00> EO-4: setting timed terminal event at 738.1
2025-12-03 22:22:17,211 sats.satellite.EO-2            INFO       <713.00> EO-2: imaged Target(tgt-7935)
2025-12-03 22:22:17,214 data.base                      INFO       <713.00> Total reward: {'EO-2': np.float64(0.11393395947296199)}
2025-12-03 22:22:17,215 sats.satellite.EO-2            INFO       <713.00> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:17,224 gym                            INFO       <713.00> Step reward: {'EO-2': np.float64(0.11393395947296199)}
2025-12-03 22:22:17,224 gym                            INFO       <713.00> === STARTING STEP ===
2025-12-03 22:22:17,225 sats.satellite.EO-0            INFO       <713.00> EO-0: target index 29 tasked
2025-12-03 22:22:17,225 sats.satellite.EO-0            INFO       <713.00> EO-0: Target(tgt-3674) tasked for imaging
2025-12-03 22:22:17,226 sats.satellite.EO-0            INFO       <713.00> EO-0: Target(tgt-3674) window enabled: 854.1 to 968.9
2025-12-03 22:22:17,226 sats.satellite.EO-0            INFO       <713.00> EO-0: setting timed terminal event at 968.9
2025-12-03 22:22:17,227 sats.satellite.EO-1            INFO       <713.00> EO-1: target index 27 tasked
2025-12-03 22:22:17,229 sats.satellite.EO-1            INFO       <713.00> EO-1: Target(tgt-3765) tasked for imaging
2025-12-03 22:22:17,229 sats.satellite.EO-1            INFO       <713.00> EO-1: Target(tgt-3765) window enabled: 954.4 to 1067.5
2025-12-03 22:22:17,230 sats.satellite.EO-1            INFO       <713.00> EO-1: setting timed terminal event at 1067.5
2025-12-03 22:22:17,231 sats.satellite.EO-2            INFO       <713.00> EO-2: target index 13 tasked
2025-12-03 22:22:17,232 sats.satellite.EO-2            INFO       <713.00> EO-2: Target(tgt-4836) tasked for imaging
2025-12-03 22:22:17,232 sats.satellite.EO-2            INFO       <713.00> EO-2: Target(tgt-4836) window enabled: 758.1 to 872.5
2025-12-03 22:22:17,233 sats.satellite.EO-2            INFO       <713.00> EO-2: setting timed terminal event at 872.5
2025-12-03 22:22:17,234 sats.satellite.EO-3            INFO       <713.00> EO-3: target index 7 tasked
2025-12-03 22:22:17,234 sats.satellite.EO-3            INFO       <713.00> EO-3: Target(tgt-4930) tasked for imaging
2025-12-03 22:22:17,235 sats.satellite.EO-3            INFO       <713.00> EO-3: Target(tgt-4930) window enabled: 683.4 to 789.5
2025-12-03 22:22:17,235 sats.satellite.EO-3            INFO       <713.00> EO-3: setting timed terminal event at 789.5
2025-12-03 22:22:17,236 sats.satellite.EO-4            INFO       <713.00> EO-4: target index 29 tasked
2025-12-03 22:22:17,237 sats.satellite.EO-4            INFO       <713.00> EO-4: Target(tgt-1639) tasked for imaging
2025-12-03 22:22:17,238 sats.satellite.EO-4            INFO       <713.00> EO-4: Target(tgt-1639) window enabled: 814.2 to 909.4
2025-12-03 22:22:17,239 sats.satellite.EO-4            INFO       <713.00> EO-4: setting timed terminal event at 909.4
2025-12-03 22:22:17,270 sats.satellite.EO-3            INFO       <751.00> EO-3: imaged Target(tgt-4930)
2025-12-03 22:22:17,273 data.base                      INFO       <751.00> Total reward: {'EO-3': np.float64(0.003012098550896975)}
2025-12-03 22:22:17,274 sats.satellite.EO-3            INFO       <751.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:17,283 gym                            INFO       <751.00> Step reward: {'EO-3': np.float64(0.003012098550896975)}
2025-12-03 22:22:17,284 gym                            INFO       <751.00> === STARTING STEP ===
2025-12-03 22:22:17,284 sats.satellite.EO-0            INFO       <751.00> EO-0: target index 29 tasked
2025-12-03 22:22:17,285 sats.satellite.EO-0            INFO       <751.00> EO-0: Target(tgt-3941) tasked for imaging
2025-12-03 22:22:17,286 sats.satellite.EO-0            INFO       <751.00> EO-0: Target(tgt-3941) window enabled: 888.4 to 1009.1
2025-12-03 22:22:17,287 sats.satellite.EO-0            INFO       <751.00> EO-0: setting timed terminal event at 1009.1
2025-12-03 22:22:17,287 sats.satellite.EO-1            INFO       <751.00> EO-1: target index 11 tasked
2025-12-03 22:22:17,288 sats.satellite.EO-1            INFO       <751.00> EO-1: Target(tgt-1220) tasked for imaging
2025-12-03 22:22:17,288 sats.satellite.EO-1            INFO       <751.00> EO-1: Target(tgt-1220) window enabled: 784.4 to 898.4
2025-12-03 22:22:17,289 sats.satellite.EO-1            INFO       <751.00> EO-1: setting timed terminal event at 898.4
2025-12-03 22:22:17,290 sats.satellite.EO-2            INFO       <751.00> EO-2: target index 23 tasked
2025-12-03 22:22:17,290 sats.satellite.EO-2            INFO       <751.00> EO-2: Target(tgt-5811) tasked for imaging
2025-12-03 22:22:17,291 sats.satellite.EO-2            INFO       <751.00> EO-2: Target(tgt-5811) window enabled: 836.0 to 951.1
2025-12-03 22:22:17,291 sats.satellite.EO-2            INFO       <751.00> EO-2: setting timed terminal event at 951.1
2025-12-03 22:22:17,292 sats.satellite.EO-3            INFO       <751.00> EO-3: target index 27 tasked
2025-12-03 22:22:17,292 sats.satellite.EO-3            INFO       <751.00> EO-3: Target(tgt-7477) tasked for imaging
2025-12-03 22:22:17,293 sats.satellite.EO-3            INFO       <751.00> EO-3: Target(tgt-7477) window enabled: 930.1 to 1043.9
2025-12-03 22:22:17,294 sats.satellite.EO-3            INFO       <751.00> EO-3: setting timed terminal event at 1043.9
2025-12-03 22:22:17,295 sats.satellite.EO-4            INFO       <751.00> EO-4: target index 21 tasked
2025-12-03 22:22:17,295 sats.satellite.EO-4            INFO       <751.00> EO-4: Target(tgt-2209) tasked for imaging
2025-12-03 22:22:17,296 sats.satellite.EO-4            INFO       <751.00> EO-4: Target(tgt-2209) window enabled: 766.0 to 890.8
2025-12-03 22:22:17,296 sats.satellite.EO-4            INFO       <751.00> EO-4: setting timed terminal event at 890.8
2025-12-03 22:22:17,311 sats.satellite.EO-4            INFO       <773.00> EO-4: imaged Target(tgt-2209)
2025-12-03 22:22:17,314 data.base                      INFO       <773.00> Total reward: {'EO-4': np.float64(0.0004816648673535809)}
2025-12-03 22:22:17,314 sats.satellite.EO-4            INFO       <773.00> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:17,324 gym                            INFO       <773.00> Step reward: {'EO-4': np.float64(0.0004816648673535809)}
2025-12-03 22:22:17,325 gym                            INFO       <773.00> === STARTING STEP ===
2025-12-03 22:22:17,326 sats.satellite.EO-0            INFO       <773.00> EO-0: target index 11 tasked
2025-12-03 22:22:17,326 sats.satellite.EO-0            INFO       <773.00> EO-0: Target(tgt-16) tasked for imaging
2025-12-03 22:22:17,327 sats.satellite.EO-0            INFO       <773.00> EO-0: Target(tgt-16) window enabled: 791.0 to 875.9
2025-12-03 22:22:17,327 sats.satellite.EO-0            INFO       <773.00> EO-0: setting timed terminal event at 875.9
2025-12-03 22:22:17,329 sats.satellite.EO-1            INFO       <773.00> EO-1: target index 16 tasked
2025-12-03 22:22:17,329 sats.satellite.EO-1            INFO       <773.00> EO-1: Target(tgt-4329) tasked for imaging
2025-12-03 22:22:17,330 sats.satellite.EO-1            INFO       <773.00> EO-1: Target(tgt-4329) window enabled: 874.2 to 967.3
2025-12-03 22:22:17,331 sats.satellite.EO-1            INFO       <773.00> EO-1: setting timed terminal event at 967.3
2025-12-03 22:22:17,331 sats.satellite.EO-2            INFO       <773.00> EO-2: target index 0 tasked
2025-12-03 22:22:17,332 sats.satellite.EO-2            INFO       <773.00> EO-2: Target(tgt-7413) tasked for imaging
2025-12-03 22:22:17,333 sats.satellite.EO-2            INFO       <773.00> EO-2: Target(tgt-7413) window enabled: 656.5 to 783.2
2025-12-03 22:22:17,334 sats.satellite.EO-2            INFO       <773.00> EO-2: setting timed terminal event at 783.2
2025-12-03 22:22:17,335 sats.satellite.EO-3            INFO       <773.00> EO-3: target index 7 tasked
2025-12-03 22:22:17,335 sats.satellite.EO-3            INFO       <773.00> EO-3: Target(tgt-2927) tasked for imaging
2025-12-03 22:22:17,336 sats.satellite.EO-3            INFO       <773.00> EO-3: Target(tgt-2927) window enabled: 741.9 to 833.9
2025-12-03 22:22:17,336 sats.satellite.EO-3            INFO       <773.00> EO-3: setting timed terminal event at 833.9
2025-12-03 22:22:17,337 sats.satellite.EO-4            INFO       <773.00> EO-4: target index 16 tasked
2025-12-03 22:22:17,338 sats.satellite.EO-4            INFO       <773.00> EO-4: Target(tgt-6427) tasked for imaging
2025-12-03 22:22:17,338 sats.satellite.EO-4            INFO       <773.00> EO-4: Target(tgt-6427) window enabled: 780.6 to 898.5
2025-12-03 22:22:17,339 sats.satellite.EO-4            INFO       <773.00> EO-4: setting timed terminal event at 898.5
2025-12-03 22:22:17,347 sats.satellite.EO-2            INFO       <783.50> EO-2: timed termination at 783.2 for Target(tgt-7413) window
2025-12-03 22:22:17,349 data.base                      INFO       <783.50> Total reward: {}
2025-12-03 22:22:17,350 sats.satellite.EO-2            INFO       <783.50> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:17,359 gym                            INFO       <783.50> Step reward: {}
2025-12-03 22:22:17,360 gym                            INFO       <783.50> === STARTING STEP ===
2025-12-03 22:22:17,361 sats.satellite.EO-0            INFO       <783.50> EO-0: target index 14 tasked
2025-12-03 22:22:17,361 sats.satellite.EO-0            INFO       <783.50> EO-0: Target(tgt-781) tasked for imaging
2025-12-03 22:22:17,362 sats.satellite.EO-0            INFO       <783.50> EO-0: Target(tgt-781) window enabled: 804.5 to 924.4
2025-12-03 22:22:17,362 sats.satellite.EO-0            INFO       <783.50> EO-0: setting timed terminal event at 924.4
2025-12-03 22:22:17,363 sats.satellite.EO-1            INFO       <783.50> EO-1: target index 10 tasked
2025-12-03 22:22:17,364 sats.satellite.EO-1            INFO       <783.50> EO-1: Target(tgt-1585) tasked for imaging
2025-12-03 22:22:17,365 sats.satellite.EO-1            INFO       <783.50> EO-1: Target(tgt-1585) window enabled: 813.6 to 909.2
2025-12-03 22:22:17,366 sats.satellite.EO-1            INFO       <783.50> EO-1: setting timed terminal event at 909.2
2025-12-03 22:22:17,366 sats.satellite.EO-2            INFO       <783.50> EO-2: target index 4 tasked
2025-12-03 22:22:17,367 sats.satellite.EO-2            INFO       <783.50> EO-2: Target(tgt-4299) tasked for imaging
2025-12-03 22:22:17,368 sats.satellite.EO-2            INFO       <783.50> EO-2: Target(tgt-4299) window enabled: 721.0 to 826.9
2025-12-03 22:22:17,369 sats.satellite.EO-2            INFO       <783.50> EO-2: setting timed terminal event at 826.9
2025-12-03 22:22:17,370 sats.satellite.EO-3            INFO       <783.50> EO-3: target index 17 tasked
2025-12-03 22:22:17,370 sats.satellite.EO-3            INFO       <783.50> EO-3: Target(tgt-500) tasked for imaging
2025-12-03 22:22:17,371 sats.satellite.EO-3            INFO       <783.50> EO-3: Target(tgt-500) window enabled: 888.8 to 983.3
2025-12-03 22:22:17,372 sats.satellite.EO-3            INFO       <783.50> EO-3: setting timed terminal event at 983.3
2025-12-03 22:22:17,372 sats.satellite.EO-4            INFO       <783.50> EO-4: target index 11 tasked
2025-12-03 22:22:17,373 sats.satellite.EO-4            INFO       <783.50> EO-4: Target(tgt-497) tasked for imaging
2025-12-03 22:22:17,374 sats.satellite.EO-4            INFO       <783.50> EO-4: Target(tgt-497) window enabled: 776.1 to 880.5
2025-12-03 22:22:17,375 sats.satellite.EO-4            INFO       <783.50> EO-4: setting timed terminal event at 880.5
2025-12-03 22:22:17,385 sats.satellite.EO-4            INFO       <798.50> EO-4: imaged Target(tgt-497)
2025-12-03 22:22:17,387 data.base                      INFO       <798.50> Total reward: {'EO-4': np.float64(0.11764802765713539)}
2025-12-03 22:22:17,388 sats.satellite.EO-4            INFO       <798.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:17,397 gym                            INFO       <798.50> Step reward: {'EO-4': np.float64(0.11764802765713539)}
2025-12-03 22:22:17,398 gym                            INFO       <798.50> === STARTING STEP ===
2025-12-03 22:22:17,398 sats.satellite.EO-0            INFO       <798.50> EO-0: target index 12 tasked
2025-12-03 22:22:17,399 sats.satellite.EO-0            INFO       <798.50> EO-0: Target(tgt-7223) tasked for imaging
2025-12-03 22:22:17,400 sats.satellite.EO-0            INFO       <798.50> EO-0: Target(tgt-7223) window enabled: 887.7 to 934.7
2025-12-03 22:22:17,400 sats.satellite.EO-0            INFO       <798.50> EO-0: setting timed terminal event at 934.7
2025-12-03 22:22:17,401 sats.satellite.EO-1            INFO       <798.50> EO-1: target index 2 tasked
2025-12-03 22:22:17,402 sats.satellite.EO-1            INFO       <798.50> EO-1: Target(tgt-4758) tasked for imaging
2025-12-03 22:22:17,403 sats.satellite.EO-1            INFO       <798.50> EO-1: Target(tgt-4758) window enabled: 706.0 to 812.8
2025-12-03 22:22:17,403 sats.satellite.EO-1            INFO       <798.50> EO-1: setting timed terminal event at 812.8
2025-12-03 22:22:17,405 sats.satellite.EO-2            INFO       <798.50> EO-2: target index 8 tasked
2025-12-03 22:22:17,405 sats.satellite.EO-2            INFO       <798.50> EO-2: Target(tgt-1835) tasked for imaging
2025-12-03 22:22:17,406 sats.satellite.EO-2            INFO       <798.50> EO-2: Target(tgt-1835) window enabled: 783.1 to 878.3
2025-12-03 22:22:17,406 sats.satellite.EO-2            INFO       <798.50> EO-2: setting timed terminal event at 878.3
2025-12-03 22:22:17,407 sats.satellite.EO-3            INFO       <798.50> EO-3: target index 14 tasked
2025-12-03 22:22:17,407 sats.satellite.EO-3            INFO       <798.50> EO-3: Target(tgt-1505) tasked for imaging
2025-12-03 22:22:17,408 sats.satellite.EO-3            INFO       <798.50> EO-3: Target(tgt-1505) window enabled: 898.1 to 1015.3
2025-12-03 22:22:17,408 sats.satellite.EO-3            INFO       <798.50> EO-3: setting timed terminal event at 1015.3
2025-12-03 22:22:17,409 sats.satellite.EO-4            INFO       <798.50> EO-4: target index 14 tasked
2025-12-03 22:22:17,410 sats.satellite.EO-4            INFO       <798.50> EO-4: Target(tgt-1639) tasked for imaging
2025-12-03 22:22:17,410 sats.satellite.EO-4            INFO       <798.50> EO-4: Target(tgt-1639) window enabled: 814.2 to 909.4
2025-12-03 22:22:17,412 sats.satellite.EO-4            INFO       <798.50> EO-4: setting timed terminal event at 909.4
2025-12-03 22:22:17,421 sats.satellite.EO-1            INFO       <813.00> EO-1: timed termination at 812.8 for Target(tgt-4758) window
2025-12-03 22:22:17,424 data.base                      INFO       <813.00> Total reward: {}
2025-12-03 22:22:17,424 sats.satellite.EO-1            INFO       <813.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:17,435 gym                            INFO       <813.00> Step reward: {}
2025-12-03 22:22:17,435 gym                            INFO       <813.00> === STARTING STEP ===
2025-12-03 22:22:17,435 sats.satellite.EO-0            INFO       <813.00> EO-0: target index 8 tasked
2025-12-03 22:22:17,436 sats.satellite.EO-0            INFO       <813.00> EO-0: Target(tgt-2570) tasked for imaging
2025-12-03 22:22:17,436 sats.satellite.EO-0            INFO       <813.00> EO-0: Target(tgt-2570) window enabled: 843.8 to 921.4
2025-12-03 22:22:17,437 sats.satellite.EO-0            INFO       <813.00> EO-0: setting timed terminal event at 921.4
2025-12-03 22:22:17,438 sats.satellite.EO-1            INFO       <813.00> EO-1: target index 27 tasked
2025-12-03 22:22:17,438 sats.satellite.EO-1            INFO       <813.00> EO-1: Target(tgt-241) tasked for imaging
2025-12-03 22:22:17,440 sats.satellite.EO-1            INFO       <813.00> EO-1: Target(tgt-241) window enabled: 1016.4 to 1130.4
2025-12-03 22:22:17,441 sats.satellite.EO-1            INFO       <813.00> EO-1: setting timed terminal event at 1130.4
2025-12-03 22:22:17,441 sats.satellite.EO-2            INFO       <813.00> EO-2: target index 15 tasked
2025-12-03 22:22:17,442 sats.satellite.EO-2            INFO       <813.00> EO-2: Target(tgt-23) tasked for imaging
2025-12-03 22:22:17,443 sats.satellite.EO-2            INFO       <813.00> EO-2: Target(tgt-23) window enabled: 846.6 to 930.1
2025-12-03 22:22:17,443 sats.satellite.EO-2            INFO       <813.00> EO-2: setting timed terminal event at 930.1
2025-12-03 22:22:17,444 sats.satellite.EO-3            INFO       <813.00> EO-3: target index 20 tasked
2025-12-03 22:22:17,444 sats.satellite.EO-3            INFO       <813.00> EO-3: Target(tgt-7306) tasked for imaging
2025-12-03 22:22:17,446 sats.satellite.EO-3            INFO       <813.00> EO-3: Target(tgt-7306) window enabled: 1021.3 to 1079.3
2025-12-03 22:22:17,446 sats.satellite.EO-3            INFO       <813.00> EO-3: setting timed terminal event at 1079.3
2025-12-03 22:22:17,447 sats.satellite.EO-4            INFO       <813.00> EO-4: target index 25 tasked
2025-12-03 22:22:17,447 sats.satellite.EO-4            INFO       <813.00> EO-4: Target(tgt-6826) tasked for imaging
2025-12-03 22:22:17,448 sats.satellite.EO-4            INFO       <813.00> EO-4: Target(tgt-6826) window enabled: 903.3 to 1009.2
2025-12-03 22:22:17,448 sats.satellite.EO-4            INFO       <813.00> EO-4: setting timed terminal event at 1009.2
2025-12-03 22:22:17,469 sats.satellite.EO-0            INFO       <845.00> EO-0: imaged Target(tgt-2570)
2025-12-03 22:22:17,472 data.base                      INFO       <845.00> Total reward: {'EO-0': np.float64(0.0007958799459858321)}
2025-12-03 22:22:17,472 sats.satellite.EO-0            INFO       <845.00> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:17,482 gym                            INFO       <845.00> Step reward: {'EO-0': np.float64(0.0007958799459858321)}
2025-12-03 22:22:17,482 gym                            INFO       <845.00> === STARTING STEP ===
2025-12-03 22:22:17,483 sats.satellite.EO-0            INFO       <845.00> EO-0: target index 1 tasked
2025-12-03 22:22:17,483 sats.satellite.EO-0            INFO       <845.00> EO-0: Target(tgt-9024) tasked for imaging
2025-12-03 22:22:17,484 sats.satellite.EO-0            INFO       <845.00> EO-0: Target(tgt-9024) window enabled: 789.0 to 865.8
2025-12-03 22:22:17,484 sats.satellite.EO-0            INFO       <845.00> EO-0: setting timed terminal event at 865.8
2025-12-03 22:22:17,485 sats.satellite.EO-1            INFO       <845.00> EO-1: target index 25 tasked
2025-12-03 22:22:17,486 sats.satellite.EO-1            INFO       <845.00> EO-1: Target(tgt-5991) tasked for imaging
2025-12-03 22:22:17,486 sats.satellite.EO-1            INFO       <845.00> EO-1: Target(tgt-5991) window enabled: 991.9 to 1120.5
2025-12-03 22:22:17,487 sats.satellite.EO-1            INFO       <845.00> EO-1: setting timed terminal event at 1120.5
2025-12-03 22:22:17,488 sats.satellite.EO-2            INFO       <845.00> EO-2: target index 16 tasked
2025-12-03 22:22:17,489 sats.satellite.EO-2            INFO       <845.00> EO-2: Target(tgt-3434) tasked for imaging
2025-12-03 22:22:17,489 sats.satellite.EO-2            INFO       <845.00> EO-2: Target(tgt-3434) window enabled: 899.8 to 952.8
2025-12-03 22:22:17,490 sats.satellite.EO-2            INFO       <845.00> EO-2: setting timed terminal event at 952.8
2025-12-03 22:22:17,491 sats.satellite.EO-3            INFO       <845.00> EO-3: target index 9 tasked
2025-12-03 22:22:17,491 sats.satellite.EO-3            INFO       <845.00> EO-3: Target(tgt-7269) tasked for imaging
2025-12-03 22:22:17,492 sats.satellite.EO-3            INFO       <845.00> EO-3: Target(tgt-7269) window enabled: 879.4 to 975.3
2025-12-03 22:22:17,492 sats.satellite.EO-3            INFO       <845.00> EO-3: setting timed terminal event at 975.3
2025-12-03 22:22:17,493 sats.satellite.EO-4            INFO       <845.00> EO-4: target index 18 tasked
2025-12-03 22:22:17,494 sats.satellite.EO-4            INFO       <845.00> EO-4: Target(tgt-3906) tasked for imaging
2025-12-03 22:22:17,495 sats.satellite.EO-4            INFO       <845.00> EO-4: Target(tgt-3906) window enabled: 850.3 to 977.7
2025-12-03 22:22:17,495 sats.satellite.EO-4            INFO       <845.00> EO-4: setting timed terminal event at 977.7
2025-12-03 22:22:17,509 sats.satellite.EO-0            INFO       <866.00> EO-0: timed termination at 865.8 for Target(tgt-9024) window
2025-12-03 22:22:17,512 data.base                      INFO       <866.00> Total reward: {}
2025-12-03 22:22:17,512 sats.satellite.EO-0            INFO       <866.00> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:17,522 gym                            INFO       <866.00> Step reward: {}
2025-12-03 22:22:17,523 gym                            INFO       <866.00> === STARTING STEP ===
2025-12-03 22:22:17,524 sats.satellite.EO-0            INFO       <866.00> EO-0: target index 23 tasked
2025-12-03 22:22:17,524 sats.satellite.EO-0            INFO       <866.00> EO-0: Target(tgt-3822) tasked for imaging
2025-12-03 22:22:17,525 sats.satellite.EO-0            INFO       <866.00> EO-0: Target(tgt-3822) window enabled: 909.8 to 1039.5
2025-12-03 22:22:17,526 sats.satellite.EO-0            INFO       <866.00> EO-0: setting timed terminal event at 1039.5
2025-12-03 22:22:17,527 sats.satellite.EO-1            INFO       <866.00> EO-1: target index 20 tasked
2025-12-03 22:22:17,527 sats.satellite.EO-1            INFO       <866.00> EO-1: Target(tgt-3467) tasked for imaging
2025-12-03 22:22:17,528 sats.satellite.EO-1            INFO       <866.00> EO-1: Target(tgt-3467) window enabled: 1066.8 to 1080.6
2025-12-03 22:22:17,529 sats.satellite.EO-1            INFO       <866.00> EO-1: setting timed terminal event at 1080.6
2025-12-03 22:22:17,529 sats.satellite.EO-2            INFO       <866.00> EO-2: target index 14 tasked
2025-12-03 22:22:17,530 sats.satellite.EO-2            INFO       <866.00> EO-2: Target(tgt-5811) tasked for imaging
2025-12-03 22:22:17,530 sats.satellite.EO-2            INFO       <866.00> EO-2: Target(tgt-5811) window enabled: 836.0 to 951.1
2025-12-03 22:22:17,531 sats.satellite.EO-2            INFO       <866.00> EO-2: setting timed terminal event at 951.1
2025-12-03 22:22:17,532 sats.satellite.EO-3            INFO       <866.00> EO-3: target index 28 tasked
2025-12-03 22:22:17,532 sats.satellite.EO-3            INFO       <866.00> EO-3: Target(tgt-1138) tasked for imaging
2025-12-03 22:22:17,534 sats.satellite.EO-3            INFO       <866.00> EO-3: Target(tgt-1138) window enabled: 1052.2 to 1181.9
2025-12-03 22:22:17,534 sats.satellite.EO-3            INFO       <866.00> EO-3: setting timed terminal event at 1181.9
2025-12-03 22:22:17,535 sats.satellite.EO-4            INFO       <866.00> EO-4: target index 16 tasked
2025-12-03 22:22:17,536 sats.satellite.EO-4            INFO       <866.00> EO-4: Target(tgt-5672) tasked for imaging
2025-12-03 22:22:17,536 sats.satellite.EO-4            INFO       <866.00> EO-4: Target(tgt-5672) window enabled: 887.4 to 1004.1
2025-12-03 22:22:17,537 sats.satellite.EO-4            INFO       <866.00> EO-4: setting timed terminal event at 1004.1
2025-12-03 22:22:17,563 sats.satellite.EO-2            INFO       <907.50> EO-2: imaged Target(tgt-5811)
2025-12-03 22:22:17,563 sats.satellite.EO-4            INFO       <907.50> EO-4: imaged Target(tgt-5672)
2025-12-03 22:22:17,566 data.base                      INFO       <907.50> Total reward: {'EO-2': np.float64(0.0038792448834872907), 'EO-4': np.float64(0.0773376637044515)}
2025-12-03 22:22:17,566 sats.satellite.EO-2            INFO       <907.50> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:17,567 sats.satellite.EO-4            INFO       <907.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:17,579 gym                            INFO       <907.50> Step reward: {'EO-2': np.float64(0.0038792448834872907), 'EO-4': np.float64(0.0773376637044515)}
2025-12-03 22:22:17,579 gym                            INFO       <907.50> === STARTING STEP ===
2025-12-03 22:22:17,580 sats.satellite.EO-0            INFO       <907.50> EO-0: target index 11 tasked
2025-12-03 22:22:17,581 sats.satellite.EO-0            INFO       <907.50> EO-0: Target(tgt-4014) tasked for imaging
2025-12-03 22:22:17,581 sats.satellite.EO-0            INFO       <907.50> EO-0: Target(tgt-4014) window enabled: 951.8 to 977.6
2025-12-03 22:22:17,582 sats.satellite.EO-0            INFO       <907.50> EO-0: setting timed terminal event at 977.6
2025-12-03 22:22:17,583 sats.satellite.EO-1            INFO       <907.50> EO-1: target index 26 tasked
2025-12-03 22:22:17,583 sats.satellite.EO-1            INFO       <907.50> EO-1: Target(tgt-5188) tasked for imaging
2025-12-03 22:22:17,584 sats.satellite.EO-1            INFO       <907.50> EO-1: Target(tgt-5188) window enabled: 1095.1 to 1223.6
2025-12-03 22:22:17,584 sats.satellite.EO-1            INFO       <907.50> EO-1: setting timed terminal event at 1223.6
2025-12-03 22:22:17,585 sats.satellite.EO-2            INFO       <907.50> EO-2: target index 0 tasked
2025-12-03 22:22:17,586 sats.satellite.EO-2            INFO       <907.50> EO-2: Target(tgt-4354) tasked for imaging
2025-12-03 22:22:17,586 sats.satellite.EO-2            INFO       <907.50> EO-2: Target(tgt-4354) window enabled: 789.4 to 919.9
2025-12-03 22:22:17,587 sats.satellite.EO-2            INFO       <907.50> EO-2: setting timed terminal event at 919.9
2025-12-03 22:22:17,588 sats.satellite.EO-3            INFO       <907.50> EO-3: target index 7 tasked
2025-12-03 22:22:17,588 sats.satellite.EO-3            INFO       <907.50> EO-3: Target(tgt-1505) tasked for imaging
2025-12-03 22:22:17,589 sats.satellite.EO-3            INFO       <907.50> EO-3: Target(tgt-1505) window enabled: 898.1 to 1015.3
2025-12-03 22:22:17,589 sats.satellite.EO-3            INFO       <907.50> EO-3: setting timed terminal event at 1015.3
2025-12-03 22:22:17,590 sats.satellite.EO-4            INFO       <907.50> EO-4: target index 23 tasked
2025-12-03 22:22:17,590 sats.satellite.EO-4            INFO       <907.50> EO-4: Target(tgt-2834) tasked for imaging
2025-12-03 22:22:17,593 sats.satellite.EO-4            INFO       <907.50> EO-4: Target(tgt-2834) window enabled: 960.0 to 1078.4
2025-12-03 22:22:17,594 sats.satellite.EO-4            INFO       <907.50> EO-4: setting timed terminal event at 1078.4
2025-12-03 22:22:17,603 sats.satellite.EO-2            INFO       <920.00> EO-2: timed termination at 919.9 for Target(tgt-4354) window
2025-12-03 22:22:17,606 data.base                      INFO       <920.00> Total reward: {}
2025-12-03 22:22:17,606 sats.satellite.EO-2            INFO       <920.00> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:17,617 gym                            INFO       <920.00> Step reward: {}
2025-12-03 22:22:17,617 gym                            INFO       <920.00> === STARTING STEP ===
2025-12-03 22:22:17,618 sats.satellite.EO-0            INFO       <920.00> EO-0: target index 24 tasked
2025-12-03 22:22:17,618 sats.satellite.EO-0            INFO       <920.00> EO-0: Target(tgt-4133) tasked for imaging
2025-12-03 22:22:17,619 sats.satellite.EO-0            INFO       <920.00> EO-0: Target(tgt-4133) window enabled: 968.0 to 1079.6
2025-12-03 22:22:17,619 sats.satellite.EO-0            INFO       <920.00> EO-0: setting timed terminal event at 1079.6
2025-12-03 22:22:17,620 sats.satellite.EO-1            INFO       <920.00> EO-1: target index 3 tasked
2025-12-03 22:22:17,620 sats.satellite.EO-1            INFO       <920.00> EO-1: Target(tgt-4329) tasked for imaging
2025-12-03 22:22:17,622 sats.satellite.EO-1            INFO       <920.00> EO-1: Target(tgt-4329) window enabled: 874.2 to 967.3
2025-12-03 22:22:17,622 sats.satellite.EO-1            INFO       <920.00> EO-1: setting timed terminal event at 967.3
2025-12-03 22:22:17,623 sats.satellite.EO-2            INFO       <920.00> EO-2: target index 14 tasked
2025-12-03 22:22:17,624 sats.satellite.EO-2            INFO       <920.00> EO-2: Target(tgt-860) tasked for imaging
2025-12-03 22:22:17,624 sats.satellite.EO-2            INFO       <920.00> EO-2: Target(tgt-860) window enabled: 909.2 to 993.1
2025-12-03 22:22:17,625 sats.satellite.EO-2            INFO       <920.00> EO-2: setting timed terminal event at 993.1
2025-12-03 22:22:17,626 sats.satellite.EO-3            INFO       <920.00> EO-3: target index 14 tasked
2025-12-03 22:22:17,626 sats.satellite.EO-3            INFO       <920.00> EO-3: Target(tgt-8629) tasked for imaging
2025-12-03 22:22:17,627 sats.satellite.EO-3            INFO       <920.00> EO-3: Target(tgt-8629) window enabled: 970.2 to 1101.8
2025-12-03 22:22:17,628 sats.satellite.EO-3            INFO       <920.00> EO-3: setting timed terminal event at 1101.8
2025-12-03 22:22:17,628 sats.satellite.EO-4            INFO       <920.00> EO-4: target index 1 tasked
2025-12-03 22:22:17,629 sats.satellite.EO-4            INFO       <920.00> EO-4: Target(tgt-8587) tasked for imaging
2025-12-03 22:22:17,629 sats.satellite.EO-4            INFO       <920.00> EO-4: Target(tgt-8587) window enabled: 869.1 to 950.6
2025-12-03 22:22:17,630 sats.satellite.EO-4            INFO       <920.00> EO-4: setting timed terminal event at 950.6
2025-12-03 22:22:17,649 sats.satellite.EO-4            INFO       <951.00> EO-4: timed termination at 950.6 for Target(tgt-8587) window
2025-12-03 22:22:17,652 data.base                      INFO       <951.00> Total reward: {}
2025-12-03 22:22:17,653 sats.satellite.EO-4            INFO       <951.00> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:17,662 gym                            INFO       <951.00> Step reward: {}
2025-12-03 22:22:17,663 gym                            INFO       <951.00> === STARTING STEP ===
2025-12-03 22:22:17,663 sats.satellite.EO-0            INFO       <951.00> EO-0: target index 19 tasked
2025-12-03 22:22:17,664 sats.satellite.EO-0            INFO       <951.00> EO-0: Target(tgt-4550) tasked for imaging
2025-12-03 22:22:17,664 sats.satellite.EO-0            INFO       <951.00> EO-0: Target(tgt-4550) window enabled: 1012.1 to 1090.8
2025-12-03 22:22:17,665 sats.satellite.EO-0            INFO       <951.00> EO-0: setting timed terminal event at 1090.8
2025-12-03 22:22:17,667 sats.satellite.EO-1            INFO       <951.00> EO-1: target index 11 tasked
2025-12-03 22:22:17,667 sats.satellite.EO-1            INFO       <951.00> EO-1: Target(tgt-5047) tasked for imaging
2025-12-03 22:22:17,668 sats.satellite.EO-1            INFO       <951.00> EO-1: Target(tgt-5047) window enabled: 939.1 to 1069.6
2025-12-03 22:22:17,668 sats.satellite.EO-1            INFO       <951.00> EO-1: setting timed terminal event at 1069.6
2025-12-03 22:22:17,669 sats.satellite.EO-2            INFO       <951.00> EO-2: target index 26 tasked
2025-12-03 22:22:17,670 sats.satellite.EO-2            INFO       <951.00> EO-2: Target(tgt-236) tasked for imaging
2025-12-03 22:22:17,670 sats.satellite.EO-2            INFO       <951.00> EO-2: Target(tgt-236) window enabled: 1071.2 to 1196.5
2025-12-03 22:22:17,671 sats.satellite.EO-2            INFO       <951.00> EO-2: setting timed terminal event at 1196.5
2025-12-03 22:22:17,672 sats.satellite.EO-3            INFO       <951.00> EO-3: target index 4 tasked
2025-12-03 22:22:17,672 sats.satellite.EO-3            INFO       <951.00> EO-3: Target(tgt-989) tasked for imaging
2025-12-03 22:22:17,673 sats.satellite.EO-3            INFO       <951.00> EO-3: Target(tgt-989) window enabled: 860.5 to 986.1
2025-12-03 22:22:17,673 sats.satellite.EO-3            INFO       <951.00> EO-3: setting timed terminal event at 986.1
2025-12-03 22:22:17,674 sats.satellite.EO-4            INFO       <951.00> EO-4: target index 21 tasked
2025-12-03 22:22:17,674 sats.satellite.EO-4            INFO       <951.00> EO-4: Target(tgt-3207) tasked for imaging
2025-12-03 22:22:17,676 sats.satellite.EO-4            INFO       <951.00> EO-4: Target(tgt-3207) window enabled: 1038.1 to 1090.0
2025-12-03 22:22:17,676 sats.satellite.EO-4            INFO       <951.00> EO-4: setting timed terminal event at 1090.0
2025-12-03 22:22:17,698 sats.satellite.EO-3            INFO       <986.50> EO-3: timed termination at 986.1 for Target(tgt-989) window
2025-12-03 22:22:17,701 data.base                      INFO       <986.50> Total reward: {}
2025-12-03 22:22:17,702 sats.satellite.EO-3            INFO       <986.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:17,712 gym                            INFO       <986.50> Step reward: {}
2025-12-03 22:22:17,712 gym                            INFO       <986.50> === STARTING STEP ===
2025-12-03 22:22:17,713 sats.satellite.EO-0            INFO       <986.50> EO-0: target index 21 tasked
2025-12-03 22:22:17,713 sats.satellite.EO-0            INFO       <986.50> EO-0: Target(tgt-1237) tasked for imaging
2025-12-03 22:22:17,714 sats.satellite.EO-0            INFO       <986.50> EO-0: Target(tgt-1237) window enabled: 1089.6 to 1200.8
2025-12-03 22:22:17,714 sats.satellite.EO-0            INFO       <986.50> EO-0: setting timed terminal event at 1200.8
2025-12-03 22:22:17,715 sats.satellite.EO-1            INFO       <986.50> EO-1: target index 17 tasked
2025-12-03 22:22:17,716 sats.satellite.EO-1            INFO       <986.50> EO-1: Target(tgt-7110) tasked for imaging
2025-12-03 22:22:17,716 sats.satellite.EO-1            INFO       <986.50> EO-1: Target(tgt-7110) window enabled: 1024.3 to 1135.2
2025-12-03 22:22:17,717 sats.satellite.EO-1            INFO       <986.50> EO-1: setting timed terminal event at 1135.2
2025-12-03 22:22:17,717 sats.satellite.EO-2            INFO       <986.50> EO-2: target index 22 tasked
2025-12-03 22:22:17,718 sats.satellite.EO-2            INFO       <986.50> EO-2: Target(tgt-5218) tasked for imaging
2025-12-03 22:22:17,718 sats.satellite.EO-2            INFO       <986.50> EO-2: Target(tgt-5218) window enabled: 1089.7 to 1211.4
2025-12-03 22:22:17,719 sats.satellite.EO-2            INFO       <986.50> EO-2: setting timed terminal event at 1211.4
2025-12-03 22:22:17,720 sats.satellite.EO-3            INFO       <986.50> EO-3: target index 19 tasked
2025-12-03 22:22:17,720 sats.satellite.EO-3            INFO       <986.50> EO-3: Target(tgt-2376) tasked for imaging
2025-12-03 22:22:17,721 sats.satellite.EO-3            INFO       <986.50> EO-3: Target(tgt-2376) window enabled: 1123.0 to 1202.6
2025-12-03 22:22:17,722 sats.satellite.EO-3            INFO       <986.50> EO-3: setting timed terminal event at 1202.6
2025-12-03 22:22:17,723 sats.satellite.EO-4            INFO       <986.50> EO-4: target index 4 tasked
2025-12-03 22:22:17,723 sats.satellite.EO-4            INFO       <986.50> EO-4: Target(tgt-4651) tasked for imaging
2025-12-03 22:22:17,724 sats.satellite.EO-4            INFO       <986.50> EO-4: Target(tgt-4651) window enabled: 879.7 to 1009.6
2025-12-03 22:22:17,724 sats.satellite.EO-4            INFO       <986.50> EO-4: setting timed terminal event at 1009.6
2025-12-03 22:22:17,740 sats.satellite.EO-4            INFO       <1010.00> EO-4: timed termination at 1009.6 for Target(tgt-4651) window
2025-12-03 22:22:17,743 data.base                      INFO       <1010.00> Total reward: {}
2025-12-03 22:22:17,743 sats.satellite.EO-4            INFO       <1010.00> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:17,753 gym                            INFO       <1010.00> Step reward: {}
2025-12-03 22:22:17,753 gym                            INFO       <1010.00> === STARTING STEP ===
2025-12-03 22:22:17,754 sats.satellite.EO-0            INFO       <1010.00> EO-0: target index 13 tasked
2025-12-03 22:22:17,754 sats.satellite.EO-0            INFO       <1010.00> EO-0: Target(tgt-9203) tasked for imaging
2025-12-03 22:22:17,755 sats.satellite.EO-0            INFO       <1010.00> EO-0: Target(tgt-9203) window enabled: 989.6 to 1114.4
2025-12-03 22:22:17,755 sats.satellite.EO-0            INFO       <1010.00> EO-0: setting timed terminal event at 1114.4
2025-12-03 22:22:17,756 sats.satellite.EO-1            INFO       <1010.00> EO-1: target index 30 tasked
2025-12-03 22:22:17,757 sats.satellite.EO-1            INFO       <1010.00> EO-1: Target(tgt-2501) tasked for imaging
2025-12-03 22:22:17,758 sats.satellite.EO-1            INFO       <1010.00> EO-1: Target(tgt-2501) window enabled: 1204.9 to 1321.6
2025-12-03 22:22:17,759 sats.satellite.EO-1            INFO       <1010.00> EO-1: setting timed terminal event at 1321.6
2025-12-03 22:22:17,759 sats.satellite.EO-2            INFO       <1010.00> EO-2: target index 26 tasked
2025-12-03 22:22:17,760 sats.satellite.EO-2            INFO       <1010.00> EO-2: Target(tgt-4849) tasked for imaging
2025-12-03 22:22:17,760 sats.satellite.EO-2            INFO       <1010.00> EO-2: Target(tgt-4849) window enabled: 1211.7 to 1313.8
2025-12-03 22:22:17,761 sats.satellite.EO-2            INFO       <1010.00> EO-2: setting timed terminal event at 1313.8
2025-12-03 22:22:17,762 sats.satellite.EO-3            INFO       <1010.00> EO-3: target index 21 tasked
2025-12-03 22:22:17,762 sats.satellite.EO-3            INFO       <1010.00> EO-3: Target(tgt-6944) tasked for imaging
2025-12-03 22:22:17,763 sats.satellite.EO-3            INFO       <1010.00> EO-3: Target(tgt-6944) window enabled: 1162.2 to 1253.0
2025-12-03 22:22:17,764 sats.satellite.EO-3            INFO       <1010.00> EO-3: setting timed terminal event at 1253.0
2025-12-03 22:22:17,765 sats.satellite.EO-4            INFO       <1010.00> EO-4: target index 11 tasked
2025-12-03 22:22:17,766 sats.satellite.EO-4            INFO       <1010.00> EO-4: Target(tgt-8419) tasked for imaging
2025-12-03 22:22:17,766 sats.satellite.EO-4            INFO       <1010.00> EO-4: Target(tgt-8419) window enabled: 953.9 to 1082.5
2025-12-03 22:22:17,767 sats.satellite.EO-4            INFO       <1010.00> EO-4: setting timed terminal event at 1082.5
2025-12-03 22:22:17,779 sats.satellite.EO-4            INFO       <1026.00> EO-4: imaged Target(tgt-8419)
2025-12-03 22:22:17,781 data.base                      INFO       <1026.00> Total reward: {'EO-4': np.float64(0.010329727845928827)}
2025-12-03 22:22:17,782 sats.satellite.EO-4            INFO       <1026.00> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:17,794 gym                            INFO       <1026.00> Step reward: {'EO-4': np.float64(0.010329727845928827)}
2025-12-03 22:22:17,794 gym                            INFO       <1026.00> === STARTING STEP ===
2025-12-03 22:22:17,795 sats.satellite.EO-0            INFO       <1026.00> EO-0: target index 12 tasked
2025-12-03 22:22:17,795 sats.satellite.EO-0            INFO       <1026.00> EO-0: Target(tgt-866) tasked for imaging
2025-12-03 22:22:17,797 sats.satellite.EO-0            INFO       <1026.00> EO-0: Target(tgt-866) window enabled: 1023.7 to 1133.5
2025-12-03 22:22:17,797 sats.satellite.EO-0            INFO       <1026.00> EO-0: setting timed terminal event at 1133.5
2025-12-03 22:22:17,798 sats.satellite.EO-1            INFO       <1026.00> EO-1: target index 7 tasked
2025-12-03 22:22:17,799 sats.satellite.EO-1            INFO       <1026.00> EO-1: Target(tgt-5047) tasked for imaging
2025-12-03 22:22:17,800 sats.satellite.EO-1            INFO       <1026.00> EO-1: Target(tgt-5047) window enabled: 939.1 to 1069.6
2025-12-03 22:22:17,800 sats.satellite.EO-1            INFO       <1026.00> EO-1: setting timed terminal event at 1069.6
2025-12-03 22:22:17,801 sats.satellite.EO-2            INFO       <1026.00> EO-2: target index 1 tasked
2025-12-03 22:22:17,802 sats.satellite.EO-2            INFO       <1026.00> EO-2: Target(tgt-965) tasked for imaging
2025-12-03 22:22:17,802 sats.satellite.EO-2            INFO       <1026.00> EO-2: Target(tgt-965) window enabled: 909.9 to 1040.2
2025-12-03 22:22:17,803 sats.satellite.EO-2            INFO       <1026.00> EO-2: setting timed terminal event at 1040.2
2025-12-03 22:22:17,804 sats.satellite.EO-3            INFO       <1026.00> EO-3: target index 8 tasked
2025-12-03 22:22:17,804 sats.satellite.EO-3            INFO       <1026.00> EO-3: Target(tgt-485) tasked for imaging
2025-12-03 22:22:17,805 sats.satellite.EO-3            INFO       <1026.00> EO-3: Target(tgt-485) window enabled: 1067.9 to 1106.7
2025-12-03 22:22:17,805 sats.satellite.EO-3            INFO       <1026.00> EO-3: setting timed terminal event at 1106.7
2025-12-03 22:22:17,806 sats.satellite.EO-4            INFO       <1026.00> EO-4: target index 22 tasked
2025-12-03 22:22:17,806 sats.satellite.EO-4            INFO       <1026.00> EO-4: Target(tgt-5157) tasked for imaging
2025-12-03 22:22:17,808 sats.satellite.EO-4            INFO       <1026.00> EO-4: Target(tgt-5157) window enabled: 1049.4 to 1172.6
2025-12-03 22:22:17,809 sats.satellite.EO-4            INFO       <1026.00> EO-4: setting timed terminal event at 1172.6
2025-12-03 22:22:17,819 sats.satellite.EO-2            INFO       <1040.50> EO-2: timed termination at 1040.2 for Target(tgt-965) window
2025-12-03 22:22:17,821 data.base                      INFO       <1040.50> Total reward: {}
2025-12-03 22:22:17,822 sats.satellite.EO-2            INFO       <1040.50> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:17,832 gym                            INFO       <1040.50> Step reward: {}
2025-12-03 22:22:17,833 gym                            INFO       <1040.50> === STARTING STEP ===
2025-12-03 22:22:17,833 sats.satellite.EO-0            INFO       <1040.50> EO-0: target index 26 tasked
2025-12-03 22:22:17,834 sats.satellite.EO-0            INFO       <1040.50> EO-0: Target(tgt-3603) tasked for imaging
2025-12-03 22:22:17,835 sats.satellite.EO-0            INFO       <1040.50> EO-0: Target(tgt-3603) window enabled: 1186.7 to 1290.2
2025-12-03 22:22:17,835 sats.satellite.EO-0            INFO       <1040.50> EO-0: setting timed terminal event at 1290.2
2025-12-03 22:22:17,836 sats.satellite.EO-1            INFO       <1040.50> EO-1: target index 14 tasked
2025-12-03 22:22:17,837 sats.satellite.EO-1            INFO       <1040.50> EO-1: Target(tgt-2405) tasked for imaging
2025-12-03 22:22:17,838 sats.satellite.EO-1            INFO       <1040.50> EO-1: Target(tgt-2405) window enabled: 1095.4 to 1226.0
2025-12-03 22:22:17,838 sats.satellite.EO-1            INFO       <1040.50> EO-1: setting timed terminal event at 1226.0
2025-12-03 22:22:17,839 sats.satellite.EO-2            INFO       <1040.50> EO-2: target index 24 tasked
2025-12-03 22:22:17,839 sats.satellite.EO-2            INFO       <1040.50> EO-2: Target(tgt-4849) tasked for imaging
2025-12-03 22:22:17,840 sats.satellite.EO-2            INFO       <1040.50> EO-2: Target(tgt-4849) window enabled: 1211.7 to 1313.8
2025-12-03 22:22:17,840 sats.satellite.EO-2            INFO       <1040.50> EO-2: setting timed terminal event at 1313.8
2025-12-03 22:22:17,842 sats.satellite.EO-3            INFO       <1040.50> EO-3: action_charge tasked for 60.0 seconds
2025-12-03 22:22:17,842 sats.satellite.EO-3            INFO       <1040.50> EO-3: setting timed terminal event at 1100.5
2025-12-03 22:22:17,843 sats.satellite.EO-4            INFO       <1040.50> EO-4: target index 23 tasked
2025-12-03 22:22:17,843 sats.satellite.EO-4            INFO       <1040.50> EO-4: Target(tgt-4718) tasked for imaging
2025-12-03 22:22:17,845 sats.satellite.EO-4            INFO       <1040.50> EO-4: Target(tgt-4718) window enabled: 1080.1 to 1179.3
2025-12-03 22:22:17,845 sats.satellite.EO-4            INFO       <1040.50> EO-4: setting timed terminal event at 1179.3
2025-12-03 22:22:17,870 sats.satellite.EO-4            INFO       <1081.50> EO-4: imaged Target(tgt-4718)
2025-12-03 22:22:17,873 data.base                      INFO       <1081.50> Total reward: {}
2025-12-03 22:22:17,873 sats.satellite.EO-4            INFO       <1081.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:17,888 gym                            INFO       <1081.50> Step reward: {}
2025-12-03 22:22:17,889 gym                            INFO       <1081.50> === STARTING STEP ===
2025-12-03 22:22:17,889 sats.satellite.EO-0            INFO       <1081.50> EO-0: target index 22 tasked
2025-12-03 22:22:17,890 sats.satellite.EO-0            INFO       <1081.50> EO-0: Target(tgt-1301) tasked for imaging
2025-12-03 22:22:17,891 sats.satellite.EO-0            INFO       <1081.50> EO-0: Target(tgt-1301) window enabled: 1222.1 to 1331.8
2025-12-03 22:22:17,891 sats.satellite.EO-0            INFO       <1081.50> EO-0: setting timed terminal event at 1331.8
2025-12-03 22:22:17,892 sats.satellite.EO-1            INFO       <1081.50> EO-1: target index 11 tasked
2025-12-03 22:22:17,892 sats.satellite.EO-1            INFO       <1081.50> EO-1: Target(tgt-2397) tasked for imaging
2025-12-03 22:22:17,893 sats.satellite.EO-1            INFO       <1081.50> EO-1: Target(tgt-2397) window enabled: 1190.4 to 1228.2
2025-12-03 22:22:17,893 sats.satellite.EO-1            INFO       <1081.50> EO-1: setting timed terminal event at 1228.2
2025-12-03 22:22:17,894 sats.satellite.EO-2            INFO       <1081.50> EO-2: target index 13 tasked
2025-12-03 22:22:17,895 sats.satellite.EO-2            INFO       <1081.50> EO-2: Target(tgt-8451) tasked for imaging
2025-12-03 22:22:17,895 sats.satellite.EO-2            INFO       <1081.50> EO-2: Target(tgt-8451) window enabled: 1098.3 to 1223.1
2025-12-03 22:22:17,896 sats.satellite.EO-2            INFO       <1081.50> EO-2: setting timed terminal event at 1223.1
2025-12-03 22:22:17,897 sats.satellite.EO-3            INFO       <1081.50> EO-3: target index 10 tasked
2025-12-03 22:22:17,897 sats.satellite.EO-3            INFO       <1081.50> EO-3: Target(tgt-8010) tasked for imaging
2025-12-03 22:22:17,898 sats.satellite.EO-3            INFO       <1081.50> EO-3: Target(tgt-8010) window enabled: 1056.6 to 1188.0
2025-12-03 22:22:17,898 sats.satellite.EO-3            INFO       <1081.50> EO-3: setting timed terminal event at 1188.0
2025-12-03 22:22:17,899 sats.satellite.EO-4            INFO       <1081.50> EO-4: target index 26 tasked
2025-12-03 22:22:17,900 sats.satellite.EO-4            INFO       <1081.50> EO-4: Target(tgt-4971) tasked for imaging
2025-12-03 22:22:17,901 sats.satellite.EO-4            INFO       <1081.50> EO-4: Target(tgt-4971) window enabled: 1181.1 to 1277.3
2025-12-03 22:22:17,901 sats.satellite.EO-4            INFO       <1081.50> EO-4: setting timed terminal event at 1277.3
2025-12-03 22:22:17,924 sats.satellite.EO-2            INFO       <1112.00> EO-2: imaged Target(tgt-8451)
2025-12-03 22:22:17,926 data.base                      INFO       <1112.00> Total reward: {}
2025-12-03 22:22:17,927 sats.satellite.EO-2            INFO       <1112.00> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:17,939 gym                            INFO       <1112.00> Step reward: {}
2025-12-03 22:22:17,940 gym                            INFO       <1112.00> === STARTING STEP ===
2025-12-03 22:22:17,940 sats.satellite.EO-0            INFO       <1112.00> EO-0: target index 1 tasked
2025-12-03 22:22:17,941 sats.satellite.EO-0            INFO       <1112.00> EO-0: Target(tgt-9203) tasked for imaging
2025-12-03 22:22:17,941 sats.satellite.EO-0            INFO       <1112.00> EO-0: Target(tgt-9203) window enabled: 989.6 to 1114.4
2025-12-03 22:22:17,943 sats.satellite.EO-0            INFO       <1112.00> EO-0: setting timed terminal event at 1114.4
2025-12-03 22:22:17,943 sats.satellite.EO-1            INFO       <1112.00> EO-1: target index 28 tasked
2025-12-03 22:22:17,944 sats.satellite.EO-1            INFO       <1112.00> EO-1: Target(tgt-8263) tasked for imaging
2025-12-03 22:22:17,945 sats.satellite.EO-1            INFO       <1112.00> EO-1: Target(tgt-8263) window enabled: 1301.5 to 1400.0
2025-12-03 22:22:17,946 sats.satellite.EO-1            INFO       <1112.00> EO-1: setting timed terminal event at 1400.0
2025-12-03 22:22:17,946 sats.satellite.EO-2            INFO       <1112.00> EO-2: target index 30 tasked
2025-12-03 22:22:17,947 sats.satellite.EO-2            INFO       <1112.00> EO-2: Target(tgt-7241) tasked for imaging
2025-12-03 22:22:17,947 sats.satellite.EO-2            INFO       <1112.00> EO-2: Target(tgt-7241) window enabled: 1283.2 to 1402.3
2025-12-03 22:22:17,949 sats.satellite.EO-2            INFO       <1112.00> EO-2: setting timed terminal event at 1402.3
2025-12-03 22:22:17,949 sats.satellite.EO-3            INFO       <1112.00> EO-3: target index 18 tasked
2025-12-03 22:22:17,950 sats.satellite.EO-3            INFO       <1112.00> EO-3: Target(tgt-5225) tasked for imaging
2025-12-03 22:22:17,950 sats.satellite.EO-3            INFO       <1112.00> EO-3: Target(tgt-5225) window enabled: 1160.2 to 1287.7
2025-12-03 22:22:17,951 sats.satellite.EO-3            INFO       <1112.00> EO-3: setting timed terminal event at 1287.7
2025-12-03 22:22:17,952 sats.satellite.EO-4            INFO       <1112.00> EO-4: target index 23 tasked
2025-12-03 22:22:17,953 sats.satellite.EO-4            INFO       <1112.00> EO-4: Target(tgt-280) tasked for imaging
2025-12-03 22:22:17,953 sats.satellite.EO-4            INFO       <1112.00> EO-4: Target(tgt-280) window enabled: 1215.4 to 1331.6
2025-12-03 22:22:17,954 sats.satellite.EO-4            INFO       <1112.00> EO-4: setting timed terminal event at 1331.6
2025-12-03 22:22:17,957 sats.satellite.EO-0            INFO       <1114.50> EO-0: timed termination at 1114.4 for Target(tgt-9203) window
2025-12-03 22:22:17,960 data.base                      INFO       <1114.50> Total reward: {}
2025-12-03 22:22:17,960 sats.satellite.EO-0            INFO       <1114.50> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:17,972 gym                            INFO       <1114.50> Step reward: {}
2025-12-03 22:22:17,972 gym                            INFO       <1114.50> === STARTING STEP ===
2025-12-03 22:22:17,973 sats.satellite.EO-0            INFO       <1114.50> EO-0: target index 1 tasked
2025-12-03 22:22:17,973 sats.satellite.EO-0            INFO       <1114.50> EO-0: Target(tgt-6525) tasked for imaging
2025-12-03 22:22:17,974 sats.satellite.EO-0            INFO       <1114.50> EO-0: Target(tgt-6525) window enabled: 1132.2 to 1158.8
2025-12-03 22:22:17,974 sats.satellite.EO-0            INFO       <1114.50> EO-0: setting timed terminal event at 1158.8
2025-12-03 22:22:17,975 sats.satellite.EO-1            INFO       <1114.50> EO-1: target index 6 tasked
2025-12-03 22:22:17,976 sats.satellite.EO-1            INFO       <1114.50> EO-1: Target(tgt-5188) tasked for imaging
2025-12-03 22:22:17,977 sats.satellite.EO-1            INFO       <1114.50> EO-1: Target(tgt-5188) window enabled: 1095.1 to 1223.6
2025-12-03 22:22:17,977 sats.satellite.EO-1            INFO       <1114.50> EO-1: setting timed terminal event at 1223.6
2025-12-03 22:22:17,978 sats.satellite.EO-2            INFO       <1114.50> EO-2: target index 30 tasked
2025-12-03 22:22:17,979 sats.satellite.EO-2            INFO       <1114.50> EO-2: Target(tgt-7241) window enabled: 1283.2 to 1402.3
2025-12-03 22:22:17,979 sats.satellite.EO-2            INFO       <1114.50> EO-2: setting timed terminal event at 1402.3
2025-12-03 22:22:17,980 sats.satellite.EO-3            INFO       <1114.50> EO-3: target index 3 tasked
2025-12-03 22:22:17,980 sats.satellite.EO-3            INFO       <1114.50> EO-3: Target(tgt-896) tasked for imaging
2025-12-03 22:22:17,981 sats.satellite.EO-3            INFO       <1114.50> EO-3: Target(tgt-896) window enabled: 1073.7 to 1143.6
2025-12-03 22:22:17,981 sats.satellite.EO-3            INFO       <1114.50> EO-3: setting timed terminal event at 1143.6
2025-12-03 22:22:17,983 sats.satellite.EO-4            INFO       <1114.50> EO-4: target index 4 tasked
2025-12-03 22:22:17,983 sats.satellite.EO-4            INFO       <1114.50> EO-4: Target(tgt-5582) tasked for imaging
2025-12-03 22:22:17,984 sats.satellite.EO-4            INFO       <1114.50> EO-4: Target(tgt-5582) window enabled: 1025.2 to 1154.4
2025-12-03 22:22:17,986 sats.satellite.EO-4            INFO       <1114.50> EO-4: setting timed terminal event at 1154.4
2025-12-03 22:22:18,004 sats.satellite.EO-3            INFO       <1144.00> EO-3: timed termination at 1143.6 for Target(tgt-896) window
2025-12-03 22:22:18,007 data.base                      INFO       <1144.00> Total reward: {}
2025-12-03 22:22:18,007 sats.satellite.EO-3            INFO       <1144.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:18,017 gym                            INFO       <1144.00> Step reward: {}
2025-12-03 22:22:18,018 gym                            INFO       <1144.00> === STARTING STEP ===
2025-12-03 22:22:18,018 sats.satellite.EO-0            INFO       <1144.00> EO-0: target index 22 tasked
2025-12-03 22:22:18,019 sats.satellite.EO-0            INFO       <1144.00> EO-0: Target(tgt-6343) tasked for imaging
2025-12-03 22:22:18,020 sats.satellite.EO-0            INFO       <1144.00> EO-0: Target(tgt-6343) window enabled: 1244.4 to 1373.0
2025-12-03 22:22:18,020 sats.satellite.EO-0            INFO       <1144.00> EO-0: setting timed terminal event at 1373.0
2025-12-03 22:22:18,021 sats.satellite.EO-1            INFO       <1144.00> EO-1: target index 26 tasked
2025-12-03 22:22:18,021 sats.satellite.EO-1            INFO       <1144.00> EO-1: Target(tgt-5526) tasked for imaging
2025-12-03 22:22:18,022 sats.satellite.EO-1            INFO       <1144.00> EO-1: Target(tgt-5526) window enabled: 1297.1 to 1414.7
2025-12-03 22:22:18,022 sats.satellite.EO-1            INFO       <1144.00> EO-1: setting timed terminal event at 1414.7
2025-12-03 22:22:18,023 sats.satellite.EO-2            INFO       <1144.00> EO-2: target index 11 tasked
2025-12-03 22:22:18,024 sats.satellite.EO-2            INFO       <1144.00> EO-2: Target(tgt-3880) tasked for imaging
2025-12-03 22:22:18,026 sats.satellite.EO-2            INFO       <1144.00> EO-2: Target(tgt-3880) window enabled: 1164.8 to 1287.5
2025-12-03 22:22:18,026 sats.satellite.EO-2            INFO       <1144.00> EO-2: setting timed terminal event at 1287.5
2025-12-03 22:22:18,027 sats.satellite.EO-3            INFO       <1144.00> EO-3: target index 7 tasked
2025-12-03 22:22:18,027 sats.satellite.EO-3            INFO       <1144.00> EO-3: Target(tgt-6944) tasked for imaging
2025-12-03 22:22:18,028 sats.satellite.EO-3            INFO       <1144.00> EO-3: Target(tgt-6944) window enabled: 1162.2 to 1253.0
2025-12-03 22:22:18,029 sats.satellite.EO-3            INFO       <1144.00> EO-3: setting timed terminal event at 1253.0
2025-12-03 22:22:18,030 sats.satellite.EO-4            INFO       <1144.00> EO-4: target index 29 tasked
2025-12-03 22:22:18,030 sats.satellite.EO-4            INFO       <1144.00> EO-4: Target(tgt-3192) tasked for imaging
2025-12-03 22:22:18,031 sats.satellite.EO-4            INFO       <1144.00> EO-4: Target(tgt-3192) window enabled: 1427.1 to 1432.8
2025-12-03 22:22:18,031 sats.satellite.EO-4            INFO       <1144.00> EO-4: setting timed terminal event at 1432.8
2025-12-03 22:22:18,054 sats.satellite.EO-2            INFO       <1175.00> EO-2: imaged Target(tgt-3880)
2025-12-03 22:22:18,056 data.base                      INFO       <1175.00> Total reward: {'EO-2': np.float64(0.007175616560465778)}
2025-12-03 22:22:18,057 sats.satellite.EO-2            INFO       <1175.00> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:18,067 gym                            INFO       <1175.00> Step reward: {'EO-2': np.float64(0.007175616560465778)}
2025-12-03 22:22:18,067 gym                            INFO       <1175.00> === STARTING STEP ===
2025-12-03 22:22:18,068 sats.satellite.EO-0            INFO       <1175.00> EO-0: target index 3 tasked
2025-12-03 22:22:18,068 sats.satellite.EO-0            INFO       <1175.00> EO-0: Target(tgt-1237) tasked for imaging
2025-12-03 22:22:18,069 sats.satellite.EO-0            INFO       <1175.00> EO-0: Target(tgt-1237) window enabled: 1089.6 to 1200.8
2025-12-03 22:22:18,070 sats.satellite.EO-0            INFO       <1175.00> EO-0: setting timed terminal event at 1200.8
2025-12-03 22:22:18,070 sats.satellite.EO-1            INFO       <1175.00> EO-1: target index 8 tasked
2025-12-03 22:22:18,071 sats.satellite.EO-1            INFO       <1175.00> EO-1: Target(tgt-6567) tasked for imaging
2025-12-03 22:22:18,072 sats.satellite.EO-1            INFO       <1175.00> EO-1: Target(tgt-6567) window enabled: 1128.4 to 1238.9
2025-12-03 22:22:18,073 sats.satellite.EO-1            INFO       <1175.00> EO-1: setting timed terminal event at 1238.9
2025-12-03 22:22:18,073 sats.satellite.EO-2            INFO       <1175.00> EO-2: target index 5 tasked
2025-12-03 22:22:18,074 sats.satellite.EO-2            INFO       <1175.00> EO-2: Target(tgt-6294) tasked for imaging
2025-12-03 22:22:18,075 sats.satellite.EO-2            INFO       <1175.00> EO-2: Target(tgt-6294) window enabled: 1109.2 to 1214.4
2025-12-03 22:22:18,075 sats.satellite.EO-2            INFO       <1175.00> EO-2: setting timed terminal event at 1214.4
2025-12-03 22:22:18,076 sats.satellite.EO-3            INFO       <1175.00> EO-3: target index 4 tasked
2025-12-03 22:22:18,077 sats.satellite.EO-3            INFO       <1175.00> EO-3: Target(tgt-5314) tasked for imaging
2025-12-03 22:22:18,077 sats.satellite.EO-3            INFO       <1175.00> EO-3: Target(tgt-5314) window enabled: 1108.5 to 1233.0
2025-12-03 22:22:18,078 sats.satellite.EO-3            INFO       <1175.00> EO-3: setting timed terminal event at 1233.0
2025-12-03 22:22:18,079 sats.satellite.EO-4            INFO       <1175.00> EO-4: target index 27 tasked
2025-12-03 22:22:18,080 sats.satellite.EO-4            INFO       <1175.00> EO-4: Target(tgt-1380) tasked for imaging
2025-12-03 22:22:18,081 sats.satellite.EO-4            INFO       <1175.00> EO-4: Target(tgt-1380) window enabled: 1385.1 to 1452.2
2025-12-03 22:22:18,081 sats.satellite.EO-4            INFO       <1175.00> EO-4: setting timed terminal event at 1452.2
2025-12-03 22:22:18,100 sats.satellite.EO-0            INFO       <1201.00> EO-0: timed termination at 1200.8 for Target(tgt-1237) window
2025-12-03 22:22:18,102 data.base                      INFO       <1201.00> Total reward: {}
2025-12-03 22:22:18,103 sats.satellite.EO-0            INFO       <1201.00> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:18,120 gym                            INFO       <1201.00> Step reward: {}
2025-12-03 22:22:18,120 gym                            INFO       <1201.00> === STARTING STEP ===
2025-12-03 22:22:18,121 sats.satellite.EO-0            INFO       <1201.00> EO-0: target index 8 tasked
2025-12-03 22:22:18,121 sats.satellite.EO-0            INFO       <1201.00> EO-0: Target(tgt-2538) tasked for imaging
2025-12-03 22:22:18,123 sats.satellite.EO-0            INFO       <1201.00> EO-0: Target(tgt-2538) window enabled: 1169.4 to 1264.8
2025-12-03 22:22:18,123 sats.satellite.EO-0            INFO       <1201.00> EO-0: setting timed terminal event at 1264.8
2025-12-03 22:22:18,124 sats.satellite.EO-1            INFO       <1201.00> EO-1: target index 13 tasked
2025-12-03 22:22:18,124 sats.satellite.EO-1            INFO       <1201.00> EO-1: Target(tgt-2501) tasked for imaging
2025-12-03 22:22:18,126 sats.satellite.EO-1            INFO       <1201.00> EO-1: Target(tgt-2501) window enabled: 1204.9 to 1321.6
2025-12-03 22:22:18,126 sats.satellite.EO-1            INFO       <1201.00> EO-1: setting timed terminal event at 1321.6
2025-12-03 22:22:18,127 sats.satellite.EO-2            INFO       <1201.00> EO-2: target index 30 tasked
2025-12-03 22:22:18,128 sats.satellite.EO-2            INFO       <1201.00> EO-2: Target(tgt-7563) tasked for imaging
2025-12-03 22:22:18,128 sats.satellite.EO-2            INFO       <1201.00> EO-2: Target(tgt-7563) window enabled: 1334.6 to 1448.5
2025-12-03 22:22:18,129 sats.satellite.EO-2            INFO       <1201.00> EO-2: setting timed terminal event at 1448.5
2025-12-03 22:22:18,130 sats.satellite.EO-3            INFO       <1201.00> EO-3: target index 13 tasked
2025-12-03 22:22:18,131 sats.satellite.EO-3            INFO       <1201.00> EO-3: Target(tgt-4893) tasked for imaging
2025-12-03 22:22:18,131 sats.satellite.EO-3            INFO       <1201.00> EO-3: Target(tgt-4893) window enabled: 1184.4 to 1307.0
2025-12-03 22:22:18,132 sats.satellite.EO-3            INFO       <1201.00> EO-3: setting timed terminal event at 1307.0
2025-12-03 22:22:18,133 sats.satellite.EO-4            INFO       <1201.00> EO-4: target index 7 tasked
2025-12-03 22:22:18,134 sats.satellite.EO-4            INFO       <1201.00> EO-4: Target(tgt-4971) tasked for imaging
2025-12-03 22:22:18,134 sats.satellite.EO-4            INFO       <1201.00> EO-4: Target(tgt-4971) window enabled: 1181.1 to 1277.3
2025-12-03 22:22:18,135 sats.satellite.EO-4            INFO       <1201.00> EO-4: setting timed terminal event at 1277.3
2025-12-03 22:22:18,164 sats.satellite.EO-1            INFO       <1243.00> EO-1: imaged Target(tgt-2501)
2025-12-03 22:22:18,166 data.base                      INFO       <1243.00> Total reward: {'EO-1': np.float64(0.02213837480878643)}
2025-12-03 22:22:18,167 sats.satellite.EO-1            INFO       <1243.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:18,177 gym                            INFO       <1243.00> Step reward: {'EO-1': np.float64(0.02213837480878643)}
2025-12-03 22:22:18,177 gym                            INFO       <1243.00> === STARTING STEP ===
2025-12-03 22:22:18,178 sats.satellite.EO-0            INFO       <1243.00> EO-0: target index 22 tasked
2025-12-03 22:22:18,178 sats.satellite.EO-0            INFO       <1243.00> EO-0: Target(tgt-9340) tasked for imaging
2025-12-03 22:22:18,179 sats.satellite.EO-0            INFO       <1243.00> EO-0: Target(tgt-9340) window enabled: 1330.2 to 1456.7
2025-12-03 22:22:18,180 sats.satellite.EO-0            INFO       <1243.00> EO-0: setting timed terminal event at 1456.7
2025-12-03 22:22:18,181 sats.satellite.EO-1            INFO       <1243.00> EO-1: target index 27 tasked
2025-12-03 22:22:18,181 sats.satellite.EO-1            INFO       <1243.00> EO-1: Target(tgt-4855) tasked for imaging
2025-12-03 22:22:18,182 sats.satellite.EO-1            INFO       <1243.00> EO-1: Target(tgt-4855) window enabled: 1449.3 to 1575.4
2025-12-03 22:22:18,182 sats.satellite.EO-1            INFO       <1243.00> EO-1: setting timed terminal event at 1575.4
2025-12-03 22:22:18,183 sats.satellite.EO-2            INFO       <1243.00> EO-2: target index 18 tasked
2025-12-03 22:22:18,185 sats.satellite.EO-2            INFO       <1243.00> EO-2: Target(tgt-7241) tasked for imaging
2025-12-03 22:22:18,185 sats.satellite.EO-2            INFO       <1243.00> EO-2: Target(tgt-7241) window enabled: 1283.2 to 1402.3
2025-12-03 22:22:18,186 sats.satellite.EO-2            INFO       <1243.00> EO-2: setting timed terminal event at 1402.3
2025-12-03 22:22:18,187 sats.satellite.EO-3            INFO       <1243.00> EO-3: target index 5 tasked
2025-12-03 22:22:18,187 sats.satellite.EO-3            INFO       <1243.00> EO-3: Target(tgt-7226) tasked for imaging
2025-12-03 22:22:18,188 sats.satellite.EO-3            INFO       <1243.00> EO-3: Target(tgt-7226) window enabled: 1196.9 to 1277.1
2025-12-03 22:22:18,188 sats.satellite.EO-3            INFO       <1243.00> EO-3: setting timed terminal event at 1277.1
2025-12-03 22:22:18,189 sats.satellite.EO-4            INFO       <1243.00> EO-4: target index 4 tasked
2025-12-03 22:22:18,190 sats.satellite.EO-4            INFO       <1243.00> EO-4: Target(tgt-9035) tasked for imaging
2025-12-03 22:22:18,190 sats.satellite.EO-4            INFO       <1243.00> EO-4: Target(tgt-9035) window enabled: 1186.4 to 1313.9
2025-12-03 22:22:18,191 sats.satellite.EO-4            INFO       <1243.00> EO-4: setting timed terminal event at 1313.9
2025-12-03 22:22:18,208 sats.satellite.EO-4            INFO       <1270.00> EO-4: imaged Target(tgt-9035)
2025-12-03 22:22:18,210 data.base                      INFO       <1270.00> Total reward: {'EO-4': np.float64(0.346002568414319)}
2025-12-03 22:22:18,211 sats.satellite.EO-4            INFO       <1270.00> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:18,223 gym                            INFO       <1270.00> Step reward: {'EO-4': np.float64(0.346002568414319)}
2025-12-03 22:22:18,224 gym                            INFO       <1270.00> === STARTING STEP ===
2025-12-03 22:22:18,225 sats.satellite.EO-0            INFO       <1270.00> EO-0: target index 26 tasked
2025-12-03 22:22:18,225 sats.satellite.EO-0            INFO       <1270.00> EO-0: Target(tgt-2579) tasked for imaging
2025-12-03 22:22:18,226 sats.satellite.EO-0            INFO       <1270.00> EO-0: Target(tgt-2579) window enabled: 1399.6 to 1502.8
2025-12-03 22:22:18,227 sats.satellite.EO-0            INFO       <1270.00> EO-0: setting timed terminal event at 1502.8
2025-12-03 22:22:18,228 sats.satellite.EO-1            INFO       <1270.00> EO-1: target index 18 tasked
2025-12-03 22:22:18,228 sats.satellite.EO-1            INFO       <1270.00> EO-1: Target(tgt-6878) tasked for imaging
2025-12-03 22:22:18,229 sats.satellite.EO-1            INFO       <1270.00> EO-1: Target(tgt-6878) window enabled: 1322.6 to 1453.2
2025-12-03 22:22:18,229 sats.satellite.EO-1            INFO       <1270.00> EO-1: setting timed terminal event at 1453.2
2025-12-03 22:22:18,230 sats.satellite.EO-2            INFO       <1270.00> EO-2: target index 23 tasked
2025-12-03 22:22:18,231 sats.satellite.EO-2            INFO       <1270.00> EO-2: Target(tgt-5091) tasked for imaging
2025-12-03 22:22:18,231 sats.satellite.EO-2            INFO       <1270.00> EO-2: Target(tgt-5091) window enabled: 1328.1 to 1444.5
2025-12-03 22:22:18,232 sats.satellite.EO-2            INFO       <1270.00> EO-2: setting timed terminal event at 1444.5
2025-12-03 22:22:18,233 sats.satellite.EO-3            INFO       <1270.00> EO-3: target index 5 tasked
2025-12-03 22:22:18,233 sats.satellite.EO-3            INFO       <1270.00> EO-3: Target(tgt-7991) tasked for imaging
2025-12-03 22:22:18,235 sats.satellite.EO-3            INFO       <1270.00> EO-3: Target(tgt-7991) window enabled: 1188.3 to 1300.0
2025-12-03 22:22:18,235 sats.satellite.EO-3            INFO       <1270.00> EO-3: setting timed terminal event at 1300.0
2025-12-03 22:22:18,236 sats.satellite.EO-4            INFO       <1270.00> EO-4: target index 14 tasked
2025-12-03 22:22:18,237 sats.satellite.EO-4            INFO       <1270.00> EO-4: Target(tgt-1380) tasked for imaging
2025-12-03 22:22:18,237 sats.satellite.EO-4            INFO       <1270.00> EO-4: Target(tgt-1380) window enabled: 1385.1 to 1452.2
2025-12-03 22:22:18,238 sats.satellite.EO-4            INFO       <1270.00> EO-4: setting timed terminal event at 1452.2
2025-12-03 22:22:18,257 sats.satellite.EO-3            INFO       <1300.50> EO-3: timed termination at 1300.0 for Target(tgt-7991) window
2025-12-03 22:22:18,260 data.base                      INFO       <1300.50> Total reward: {}
2025-12-03 22:22:18,260 sats.satellite.EO-3            INFO       <1300.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:18,272 gym                            INFO       <1300.50> Step reward: {}
2025-12-03 22:22:18,272 gym                            INFO       <1300.50> === STARTING STEP ===
2025-12-03 22:22:18,273 sats.satellite.EO-0            INFO       <1300.50> EO-0: target index 17 tasked
2025-12-03 22:22:18,273 sats.satellite.EO-0            INFO       <1300.50> EO-0: Target(tgt-7371) tasked for imaging
2025-12-03 22:22:18,274 sats.satellite.EO-0            INFO       <1300.50> EO-0: Target(tgt-7371) window enabled: 1350.8 to 1465.6
2025-12-03 22:22:18,274 sats.satellite.EO-0            INFO       <1300.50> EO-0: setting timed terminal event at 1465.6
2025-12-03 22:22:18,275 sats.satellite.EO-1            INFO       <1300.50> EO-1: target index 21 tasked
2025-12-03 22:22:18,276 sats.satellite.EO-1            INFO       <1300.50> EO-1: Target(tgt-3678) tasked for imaging
2025-12-03 22:22:18,276 sats.satellite.EO-1            INFO       <1300.50> EO-1: Target(tgt-3678) window enabled: 1437.9 to 1565.6
2025-12-03 22:22:18,277 sats.satellite.EO-1            INFO       <1300.50> EO-1: setting timed terminal event at 1565.6
2025-12-03 22:22:18,277 sats.satellite.EO-2            INFO       <1300.50> EO-2: target index 26 tasked
2025-12-03 22:22:18,279 sats.satellite.EO-2            INFO       <1300.50> EO-2: Target(tgt-6556) tasked for imaging
2025-12-03 22:22:18,280 sats.satellite.EO-2            INFO       <1300.50> EO-2: Target(tgt-6556) window enabled: 1354.7 to 1463.8
2025-12-03 22:22:18,280 sats.satellite.EO-2            INFO       <1300.50> EO-2: setting timed terminal event at 1463.8
2025-12-03 22:22:18,282 sats.satellite.EO-3            INFO       <1300.50> EO-3: target index 25 tasked
2025-12-03 22:22:18,282 sats.satellite.EO-3            INFO       <1300.50> EO-3: Target(tgt-6007) tasked for imaging
2025-12-03 22:22:18,283 sats.satellite.EO-3            INFO       <1300.50> EO-3: Target(tgt-6007) window enabled: 1339.5 to 1470.9
2025-12-03 22:22:18,283 sats.satellite.EO-3            INFO       <1300.50> EO-3: setting timed terminal event at 1470.9
2025-12-03 22:22:18,284 sats.satellite.EO-4            INFO       <1300.50> EO-4: target index 18 tasked
2025-12-03 22:22:18,285 sats.satellite.EO-4            INFO       <1300.50> EO-4: Target(tgt-9210) tasked for imaging
2025-12-03 22:22:18,285 sats.satellite.EO-4            INFO       <1300.50> EO-4: Target(tgt-9210) window enabled: 1431.2 to 1500.5
2025-12-03 22:22:18,286 sats.satellite.EO-4            INFO       <1300.50> EO-4: setting timed terminal event at 1500.5
2025-12-03 22:22:18,321 sats.satellite.EO-0            INFO       <1352.00> EO-0: imaged Target(tgt-7371)
2025-12-03 22:22:18,324 data.base                      INFO       <1352.00> Total reward: {'EO-0': np.float64(0.45648443108484776)}
2025-12-03 22:22:18,325 sats.satellite.EO-0            INFO       <1352.00> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:18,335 gym                            INFO       <1352.00> Step reward: {'EO-0': np.float64(0.45648443108484776)}
2025-12-03 22:22:18,335 gym                            INFO       <1352.00> === STARTING STEP ===
2025-12-03 22:22:18,336 sats.satellite.EO-0            INFO       <1352.00> EO-0: target index 16 tasked
2025-12-03 22:22:18,337 sats.satellite.EO-0            INFO       <1352.00> EO-0: Target(tgt-8709) tasked for imaging
2025-12-03 22:22:18,337 sats.satellite.EO-0            INFO       <1352.00> EO-0: Target(tgt-8709) window enabled: 1349.4 to 1470.5
2025-12-03 22:22:18,338 sats.satellite.EO-0            INFO       <1352.00> EO-0: setting timed terminal event at 1470.5
2025-12-03 22:22:18,338 sats.satellite.EO-1            INFO       <1352.00> EO-1: target index 27 tasked
2025-12-03 22:22:18,339 sats.satellite.EO-1            INFO       <1352.00> EO-1: Target(tgt-6166) tasked for imaging
2025-12-03 22:22:18,340 sats.satellite.EO-1            INFO       <1352.00> EO-1: Target(tgt-6166) window enabled: 1514.7 to 1641.7
2025-12-03 22:22:18,340 sats.satellite.EO-1            INFO       <1352.00> EO-1: setting timed terminal event at 1641.7
2025-12-03 22:22:18,341 sats.satellite.EO-2            INFO       <1352.00> EO-2: target index 26 tasked
2025-12-03 22:22:18,341 sats.satellite.EO-2            INFO       <1352.00> EO-2: Target(tgt-4009) tasked for imaging
2025-12-03 22:22:18,342 sats.satellite.EO-2            INFO       <1352.00> EO-2: Target(tgt-4009) window enabled: 1525.3 to 1617.3
2025-12-03 22:22:18,343 sats.satellite.EO-2            INFO       <1352.00> EO-2: setting timed terminal event at 1617.3
2025-12-03 22:22:18,343 sats.satellite.EO-3            INFO       <1352.00> EO-3: target index 12 tasked
2025-12-03 22:22:18,344 sats.satellite.EO-3            INFO       <1352.00> EO-3: Target(tgt-8798) tasked for imaging
2025-12-03 22:22:18,346 sats.satellite.EO-3            INFO       <1352.00> EO-3: Target(tgt-8798) window enabled: 1329.7 to 1441.1
2025-12-03 22:22:18,347 sats.satellite.EO-3            INFO       <1352.00> EO-3: setting timed terminal event at 1441.1
2025-12-03 22:22:18,347 sats.satellite.EO-4            INFO       <1352.00> EO-4: target index 20 tasked
2025-12-03 22:22:18,348 sats.satellite.EO-4            INFO       <1352.00> EO-4: Target(tgt-2996) tasked for imaging
2025-12-03 22:22:18,349 sats.satellite.EO-4            INFO       <1352.00> EO-4: Target(tgt-2996) window enabled: 1401.5 to 1526.7
2025-12-03 22:22:18,349 sats.satellite.EO-4            INFO       <1352.00> EO-4: setting timed terminal event at 1526.7
2025-12-03 22:22:18,355 sats.satellite.EO-0            INFO       <1359.50> EO-0: imaged Target(tgt-8709)
2025-12-03 22:22:18,357 data.base                      INFO       <1359.50> Total reward: {'EO-0': np.float64(-1.7301308766153958e-17)}
2025-12-03 22:22:18,358 sats.satellite.EO-0            INFO       <1359.50> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:18,368 gym                            INFO       <1359.50> Step reward: {'EO-0': np.float64(-1.7301308766153958e-17)}
2025-12-03 22:22:18,368 gym                            INFO       <1359.50> === STARTING STEP ===
2025-12-03 22:22:18,369 sats.satellite.EO-0            INFO       <1359.50> EO-0: target index 13 tasked
2025-12-03 22:22:18,369 sats.satellite.EO-0            INFO       <1359.50> EO-0: Target(tgt-9340) tasked for imaging
2025-12-03 22:22:18,370 sats.satellite.EO-0            INFO       <1359.50> EO-0: Target(tgt-9340) window enabled: 1330.2 to 1456.7
2025-12-03 22:22:18,371 sats.satellite.EO-0            INFO       <1359.50> EO-0: setting timed terminal event at 1456.7
2025-12-03 22:22:18,372 sats.satellite.EO-1            INFO       <1359.50> EO-1: target index 29 tasked
2025-12-03 22:22:18,372 sats.satellite.EO-1            INFO       <1359.50> EO-1: Target(tgt-7046) tasked for imaging
2025-12-03 22:22:18,373 sats.satellite.EO-1            INFO       <1359.50> EO-1: Target(tgt-7046) window enabled: 1615.1 to 1667.7
2025-12-03 22:22:18,374 sats.satellite.EO-1            INFO       <1359.50> EO-1: setting timed terminal event at 1667.7
2025-12-03 22:22:18,374 sats.satellite.EO-2            INFO       <1359.50> EO-2: action_charge tasked for 60.0 seconds
2025-12-03 22:22:18,375 sats.satellite.EO-2            INFO       <1359.50> EO-2: setting timed terminal event at 1419.5
2025-12-03 22:22:18,376 sats.satellite.EO-3            INFO       <1359.50> EO-3: target index 19 tasked
2025-12-03 22:22:18,376 sats.satellite.EO-3            INFO       <1359.50> EO-3: Target(tgt-3875) tasked for imaging
2025-12-03 22:22:18,378 sats.satellite.EO-3            INFO       <1359.50> EO-3: Target(tgt-3875) window enabled: 1373.2 to 1505.0
2025-12-03 22:22:18,378 sats.satellite.EO-3            INFO       <1359.50> EO-3: setting timed terminal event at 1505.0
2025-12-03 22:22:18,379 sats.satellite.EO-4            INFO       <1359.50> EO-4: target index 11 tasked
2025-12-03 22:22:18,380 sats.satellite.EO-4            INFO       <1359.50> EO-4: Target(tgt-2316) tasked for imaging
2025-12-03 22:22:18,380 sats.satellite.EO-4            INFO       <1359.50> EO-4: Target(tgt-2316) window enabled: 1362.0 to 1464.1
2025-12-03 22:22:18,381 sats.satellite.EO-4            INFO       <1359.50> EO-4: setting timed terminal event at 1464.1
2025-12-03 22:22:18,400 sats.satellite.EO-0            INFO       <1390.50> EO-0: imaged Target(tgt-9340)
2025-12-03 22:22:18,403 data.base                      INFO       <1390.50> Total reward: {'EO-0': np.float64(0.003951258183296353)}
2025-12-03 22:22:18,404 sats.satellite.EO-0            INFO       <1390.50> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:18,414 gym                            INFO       <1390.50> Step reward: {'EO-0': np.float64(0.003951258183296353)}
2025-12-03 22:22:18,415 gym                            INFO       <1390.50> === STARTING STEP ===
2025-12-03 22:22:18,415 sats.satellite.EO-0            INFO       <1390.50> EO-0: target index 14 tasked
2025-12-03 22:22:18,416 sats.satellite.EO-0            INFO       <1390.50> EO-0: Target(tgt-1066) tasked for imaging
2025-12-03 22:22:18,417 sats.satellite.EO-0            INFO       <1390.50> EO-0: Target(tgt-1066) window enabled: 1394.8 to 1488.0
2025-12-03 22:22:18,417 sats.satellite.EO-0            INFO       <1390.50> EO-0: setting timed terminal event at 1488.0
2025-12-03 22:22:18,418 sats.satellite.EO-1            INFO       <1390.50> EO-1: target index 21 tasked
2025-12-03 22:22:18,418 sats.satellite.EO-1            INFO       <1390.50> EO-1: Target(tgt-6734) tasked for imaging
2025-12-03 22:22:18,420 sats.satellite.EO-1            INFO       <1390.50> EO-1: Target(tgt-6734) window enabled: 1532.2 to 1622.6
2025-12-03 22:22:18,420 sats.satellite.EO-1            INFO       <1390.50> EO-1: setting timed terminal event at 1622.6
2025-12-03 22:22:18,421 sats.satellite.EO-2            INFO       <1390.50> EO-2: target index 29 tasked
2025-12-03 22:22:18,422 sats.satellite.EO-2            INFO       <1390.50> EO-2: Target(tgt-4832) tasked for imaging
2025-12-03 22:22:18,422 sats.satellite.EO-2            INFO       <1390.50> EO-2: Target(tgt-4832) window enabled: 1549.4 to 1670.2
2025-12-03 22:22:18,423 sats.satellite.EO-2            INFO       <1390.50> EO-2: setting timed terminal event at 1670.2
2025-12-03 22:22:18,424 sats.satellite.EO-3            INFO       <1390.50> EO-3: target index 20 tasked
2025-12-03 22:22:18,424 sats.satellite.EO-3            INFO       <1390.50> EO-3: Target(tgt-6707) tasked for imaging
2025-12-03 22:22:18,425 sats.satellite.EO-3            INFO       <1390.50> EO-3: Target(tgt-6707) window enabled: 1408.5 to 1538.1
2025-12-03 22:22:18,426 sats.satellite.EO-3            INFO       <1390.50> EO-3: setting timed terminal event at 1538.1
2025-12-03 22:22:18,426 sats.satellite.EO-4            INFO       <1390.50> EO-4: target index 27 tasked
2025-12-03 22:22:18,427 sats.satellite.EO-4            INFO       <1390.50> EO-4: Target(tgt-5828) tasked for imaging
2025-12-03 22:22:18,428 sats.satellite.EO-4            INFO       <1390.50> EO-4: Target(tgt-5828) window enabled: 1509.7 to 1631.3
2025-12-03 22:22:18,428 sats.satellite.EO-4            INFO       <1390.50> EO-4: setting timed terminal event at 1631.3
2025-12-03 22:22:18,442 sats.satellite.EO-3            INFO       <1412.00> EO-3: imaged Target(tgt-6707)
2025-12-03 22:22:18,446 data.base                      INFO       <1412.00> Total reward: {'EO-3': np.float64(0.040934262444613644)}
2025-12-03 22:22:18,446 sats.satellite.EO-3            INFO       <1412.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:18,456 gym                            INFO       <1412.00> Step reward: {'EO-3': np.float64(0.040934262444613644)}
2025-12-03 22:22:18,456 gym                            INFO       <1412.00> === STARTING STEP ===
2025-12-03 22:22:18,457 sats.satellite.EO-0            INFO       <1412.00> EO-0: target index 28 tasked
2025-12-03 22:22:18,458 sats.satellite.EO-0            INFO       <1412.00> EO-0: Target(tgt-8966) tasked for imaging
2025-12-03 22:22:18,459 sats.satellite.EO-0            INFO       <1412.00> EO-0: Target(tgt-8966) window enabled: 1501.5 to 1630.0
2025-12-03 22:22:18,459 sats.satellite.EO-0            INFO       <1412.00> EO-0: setting timed terminal event at 1630.0
2025-12-03 22:22:18,460 sats.satellite.EO-1            INFO       <1412.00> EO-1: target index 16 tasked
2025-12-03 22:22:18,460 sats.satellite.EO-1            INFO       <1412.00> EO-1: Target(tgt-5659) tasked for imaging
2025-12-03 22:22:18,461 sats.satellite.EO-1            INFO       <1412.00> EO-1: Target(tgt-5659) window enabled: 1518.7 to 1604.3
2025-12-03 22:22:18,462 sats.satellite.EO-1            INFO       <1412.00> EO-1: setting timed terminal event at 1604.3
2025-12-03 22:22:18,462 sats.satellite.EO-2            INFO       <1412.00> EO-2: target index 16 tasked
2025-12-03 22:22:18,463 sats.satellite.EO-2            INFO       <1412.00> EO-2: Target(tgt-9560) tasked for imaging
2025-12-03 22:22:18,463 sats.satellite.EO-2            INFO       <1412.00> EO-2: Target(tgt-9560) window enabled: 1382.7 to 1512.0
2025-12-03 22:22:18,464 sats.satellite.EO-2            INFO       <1412.00> EO-2: setting timed terminal event at 1512.0
2025-12-03 22:22:18,465 sats.satellite.EO-3            INFO       <1412.00> EO-3: target index 21 tasked
2025-12-03 22:22:18,465 sats.satellite.EO-3            INFO       <1412.00> EO-3: Target(tgt-8990) tasked for imaging
2025-12-03 22:22:18,466 sats.satellite.EO-3            INFO       <1412.00> EO-3: Target(tgt-8990) window enabled: 1422.3 to 1553.8
2025-12-03 22:22:18,466 sats.satellite.EO-3            INFO       <1412.00> EO-3: setting timed terminal event at 1553.8
2025-12-03 22:22:18,467 sats.satellite.EO-4            INFO       <1412.00> EO-4: target index 11 tasked
2025-12-03 22:22:18,469 sats.satellite.EO-4            INFO       <1412.00> EO-4: Target(tgt-9210) tasked for imaging
2025-12-03 22:22:18,470 sats.satellite.EO-4            INFO       <1412.00> EO-4: Target(tgt-9210) window enabled: 1431.2 to 1500.5
2025-12-03 22:22:18,470 sats.satellite.EO-4            INFO       <1412.00> EO-4: setting timed terminal event at 1500.5
2025-12-03 22:22:18,484 sats.satellite.EO-3            INFO       <1430.50> EO-3: imaged Target(tgt-8990)
2025-12-03 22:22:18,487 data.base                      INFO       <1430.50> Total reward: {'EO-3': np.float64(2.16637711739864e-05)}
2025-12-03 22:22:18,487 sats.satellite.EO-3            INFO       <1430.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:18,497 gym                            INFO       <1430.50> Step reward: {'EO-3': np.float64(2.16637711739864e-05)}
2025-12-03 22:22:18,498 gym                            INFO       <1430.50> === STARTING STEP ===
2025-12-03 22:22:18,498 sats.satellite.EO-0            INFO       <1430.50> EO-0: target index 24 tasked
2025-12-03 22:22:18,499 sats.satellite.EO-0            INFO       <1430.50> EO-0: Target(tgt-3951) tasked for imaging
2025-12-03 22:22:18,499 sats.satellite.EO-0            INFO       <1430.50> EO-0: Target(tgt-3951) window enabled: 1554.8 to 1604.0
2025-12-03 22:22:18,500 sats.satellite.EO-0            INFO       <1430.50> EO-0: setting timed terminal event at 1604.0
2025-12-03 22:22:18,501 sats.satellite.EO-1            INFO       <1430.50> EO-1: target index 27 tasked
2025-12-03 22:22:18,501 sats.satellite.EO-1            INFO       <1430.50> EO-1: Target(tgt-5757) tasked for imaging
2025-12-03 22:22:18,502 sats.satellite.EO-1            INFO       <1430.50> EO-1: Target(tgt-5757) window enabled: 1584.4 to 1703.7
2025-12-03 22:22:18,502 sats.satellite.EO-1            INFO       <1430.50> EO-1: setting timed terminal event at 1703.7
2025-12-03 22:22:18,504 sats.satellite.EO-2            INFO       <1430.50> EO-2: target index 19 tasked
2025-12-03 22:22:18,504 sats.satellite.EO-2            INFO       <1430.50> EO-2: Target(tgt-4009) tasked for imaging
2025-12-03 22:22:18,505 sats.satellite.EO-2            INFO       <1430.50> EO-2: Target(tgt-4009) window enabled: 1525.3 to 1617.3
2025-12-03 22:22:18,505 sats.satellite.EO-2            INFO       <1430.50> EO-2: setting timed terminal event at 1617.3
2025-12-03 22:22:18,506 sats.satellite.EO-3            INFO       <1430.50> EO-3: action_charge tasked for 60.0 seconds
2025-12-03 22:22:18,507 sats.satellite.EO-3            INFO       <1430.50> EO-3: setting timed terminal event at 1490.5
2025-12-03 22:22:18,508 sats.satellite.EO-4            INFO       <1430.50> EO-4: target index 27 tasked
2025-12-03 22:22:18,508 sats.satellite.EO-4            INFO       <1430.50> EO-4: Target(tgt-8050) tasked for imaging
2025-12-03 22:22:18,509 sats.satellite.EO-4            INFO       <1430.50> EO-4: Target(tgt-8050) window enabled: 1506.0 to 1634.3
2025-12-03 22:22:18,509 sats.satellite.EO-4            INFO       <1430.50> EO-4: setting timed terminal event at 1634.3
2025-12-03 22:22:18,545 sats.satellite.EO-3            INFO       <1490.50> EO-3: timed termination at 1490.5 for action_charge
2025-12-03 22:22:18,548 data.base                      INFO       <1490.50> Total reward: {}
2025-12-03 22:22:18,549 sats.satellite.EO-3            INFO       <1490.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:18,559 gym                            INFO       <1490.50> Step reward: {}
2025-12-03 22:22:18,559 gym                            INFO       <1490.50> === STARTING STEP ===
2025-12-03 22:22:18,560 sats.satellite.EO-0            INFO       <1490.50> EO-0: target index 14 tasked
2025-12-03 22:22:18,560 sats.satellite.EO-0            INFO       <1490.50> EO-0: Target(tgt-8966) tasked for imaging
2025-12-03 22:22:18,562 sats.satellite.EO-0            INFO       <1490.50> EO-0: Target(tgt-8966) window enabled: 1501.5 to 1630.0
2025-12-03 22:22:18,562 sats.satellite.EO-0            INFO       <1490.50> EO-0: setting timed terminal event at 1630.0
2025-12-03 22:22:18,563 sats.satellite.EO-1            INFO       <1490.50> EO-1: target index 28 tasked
2025-12-03 22:22:18,564 sats.satellite.EO-1            INFO       <1490.50> EO-1: Target(tgt-5618) tasked for imaging
2025-12-03 22:22:18,564 sats.satellite.EO-1            INFO       <1490.50> EO-1: Target(tgt-5618) window enabled: 1610.9 to 1736.0
2025-12-03 22:22:18,565 sats.satellite.EO-1            INFO       <1490.50> EO-1: setting timed terminal event at 1736.0
2025-12-03 22:22:18,566 sats.satellite.EO-2            INFO       <1490.50> EO-2: target index 27 tasked
2025-12-03 22:22:18,567 sats.satellite.EO-2            INFO       <1490.50> EO-2: Target(tgt-9549) tasked for imaging
2025-12-03 22:22:18,568 sats.satellite.EO-2            INFO       <1490.50> EO-2: Target(tgt-9549) window enabled: 1676.4 to 1802.2
2025-12-03 22:22:18,568 sats.satellite.EO-2            INFO       <1490.50> EO-2: setting timed terminal event at 1802.2
2025-12-03 22:22:18,569 sats.satellite.EO-3            INFO       <1490.50> EO-3: target index 1 tasked
2025-12-03 22:22:18,569 sats.satellite.EO-3            INFO       <1490.50> EO-3: Target(tgt-4300) tasked for imaging
2025-12-03 22:22:18,570 sats.satellite.EO-3            INFO       <1490.50> EO-3: Target(tgt-4300) window enabled: 1364.8 to 1496.8
2025-12-03 22:22:18,571 sats.satellite.EO-3            INFO       <1490.50> EO-3: setting timed terminal event at 1496.8
2025-12-03 22:22:18,572 sats.satellite.EO-4            INFO       <1490.50> EO-4: target index 20 tasked
2025-12-03 22:22:18,573 sats.satellite.EO-4            INFO       <1490.50> EO-4: Target(tgt-4934) tasked for imaging
2025-12-03 22:22:18,574 sats.satellite.EO-4            INFO       <1490.50> EO-4: Target(tgt-4934) window enabled: 1542.0 to 1650.8
2025-12-03 22:22:18,574 sats.satellite.EO-4            INFO       <1490.50> EO-4: setting timed terminal event at 1650.8
2025-12-03 22:22:18,580 sats.satellite.EO-3            INFO       <1497.00> EO-3: timed termination at 1496.8 for Target(tgt-4300) window
2025-12-03 22:22:18,583 data.base                      INFO       <1497.00> Total reward: {}
2025-12-03 22:22:18,583 sats.satellite.EO-3            INFO       <1497.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:18,593 gym                            INFO       <1497.00> Step reward: {}
2025-12-03 22:22:18,593 gym                            INFO       <1497.00> === STARTING STEP ===
2025-12-03 22:22:18,594 sats.satellite.EO-0            INFO       <1497.00> EO-0: target index 18 tasked
2025-12-03 22:22:18,594 sats.satellite.EO-0            INFO       <1497.00> EO-0: Target(tgt-6507) tasked for imaging
2025-12-03 22:22:18,595 sats.satellite.EO-0            INFO       <1497.00> EO-0: Target(tgt-6507) window enabled: 1523.1 to 1653.3
2025-12-03 22:22:18,595 sats.satellite.EO-0            INFO       <1497.00> EO-0: setting timed terminal event at 1653.3
2025-12-03 22:22:18,597 sats.satellite.EO-1            INFO       <1497.00> EO-1: target index 16 tasked
2025-12-03 22:22:18,597 sats.satellite.EO-1            INFO       <1497.00> EO-1: Target(tgt-670) tasked for imaging
2025-12-03 22:22:18,598 sats.satellite.EO-1            INFO       <1497.00> EO-1: Target(tgt-670) window enabled: 1550.4 to 1665.6
2025-12-03 22:22:18,598 sats.satellite.EO-1            INFO       <1497.00> EO-1: setting timed terminal event at 1665.6
2025-12-03 22:22:18,600 sats.satellite.EO-2            INFO       <1497.00> EO-2: target index 21 tasked
2025-12-03 22:22:18,600 sats.satellite.EO-2            INFO       <1497.00> EO-2: Target(tgt-5693) tasked for imaging
2025-12-03 22:22:18,601 sats.satellite.EO-2            INFO       <1497.00> EO-2: Target(tgt-5693) window enabled: 1691.6 to 1772.6
2025-12-03 22:22:18,601 sats.satellite.EO-2            INFO       <1497.00> EO-2: setting timed terminal event at 1772.6
2025-12-03 22:22:18,602 sats.satellite.EO-3            INFO       <1497.00> EO-3: target index 30 tasked
2025-12-03 22:22:18,602 sats.satellite.EO-3            INFO       <1497.00> EO-3: Target(tgt-1763) tasked for imaging
2025-12-03 22:22:18,603 sats.satellite.EO-3            INFO       <1497.00> EO-3: Target(tgt-1763) window enabled: 1590.8 to 1715.4
2025-12-03 22:22:18,603 sats.satellite.EO-3            INFO       <1497.00> EO-3: setting timed terminal event at 1715.4
2025-12-03 22:22:18,605 sats.satellite.EO-4            INFO       <1497.00> EO-4: target index 21 tasked
2025-12-03 22:22:18,605 sats.satellite.EO-4            INFO       <1497.00> EO-4: Target(tgt-473) tasked for imaging
2025-12-03 22:22:18,606 sats.satellite.EO-4            INFO       <1497.00> EO-4: Target(tgt-473) window enabled: 1558.7 to 1664.1
2025-12-03 22:22:18,606 sats.satellite.EO-4            INFO       <1497.00> EO-4: setting timed terminal event at 1664.1
2025-12-03 22:22:18,624 sats.satellite.EO-0            INFO       <1524.50> EO-0: imaged Target(tgt-6507)
2025-12-03 22:22:18,627 data.base                      INFO       <1524.50> Total reward: {'EO-0': np.float64(0.0011283093789746321)}
2025-12-03 22:22:18,627 sats.satellite.EO-0            INFO       <1524.50> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:18,638 gym                            INFO       <1524.50> Step reward: {'EO-0': np.float64(0.0011283093789746321)}
2025-12-03 22:22:18,638 gym                            INFO       <1524.50> === STARTING STEP ===
2025-12-03 22:22:18,639 sats.satellite.EO-0            INFO       <1524.50> EO-0: target index 17 tasked
2025-12-03 22:22:18,639 sats.satellite.EO-0            INFO       <1524.50> EO-0: Target(tgt-2728) tasked for imaging
2025-12-03 22:22:18,640 sats.satellite.EO-0            INFO       <1524.50> EO-0: Target(tgt-2728) window enabled: 1610.6 to 1665.5
2025-12-03 22:22:18,641 sats.satellite.EO-0            INFO       <1524.50> EO-0: setting timed terminal event at 1665.5
2025-12-03 22:22:18,641 sats.satellite.EO-1            INFO       <1524.50> EO-1: target index 21 tasked
2025-12-03 22:22:18,642 sats.satellite.EO-1            INFO       <1524.50> EO-1: Target(tgt-5757) tasked for imaging
2025-12-03 22:22:18,643 sats.satellite.EO-1            INFO       <1524.50> EO-1: Target(tgt-5757) window enabled: 1584.4 to 1703.7
2025-12-03 22:22:18,643 sats.satellite.EO-1            INFO       <1524.50> EO-1: setting timed terminal event at 1703.7
2025-12-03 22:22:18,644 sats.satellite.EO-2            INFO       <1524.50> EO-2: target index 2 tasked
2025-12-03 22:22:18,644 sats.satellite.EO-2            INFO       <1524.50> EO-2: Target(tgt-4009) tasked for imaging
2025-12-03 22:22:18,645 sats.satellite.EO-2            INFO       <1524.50> EO-2: Target(tgt-4009) window enabled: 1525.3 to 1617.3
2025-12-03 22:22:18,646 sats.satellite.EO-2            INFO       <1524.50> EO-2: setting timed terminal event at 1617.3
2025-12-03 22:22:18,646 sats.satellite.EO-3            INFO       <1524.50> EO-3: target index 26 tasked
2025-12-03 22:22:18,647 sats.satellite.EO-3            INFO       <1524.50> EO-3: Target(tgt-8615) tasked for imaging
2025-12-03 22:22:18,647 sats.satellite.EO-3            INFO       <1524.50> EO-3: Target(tgt-8615) window enabled: 1599.9 to 1712.8
2025-12-03 22:22:18,648 sats.satellite.EO-3            INFO       <1524.50> EO-3: setting timed terminal event at 1712.8
2025-12-03 22:22:18,650 sats.satellite.EO-4            INFO       <1524.50> EO-4: target index 12 tasked
2025-12-03 22:22:18,651 sats.satellite.EO-4            INFO       <1524.50> EO-4: Target(tgt-6100) tasked for imaging
2025-12-03 22:22:18,652 sats.satellite.EO-4            INFO       <1524.50> EO-4: Target(tgt-6100) window enabled: 1501.7 to 1629.7
2025-12-03 22:22:18,652 sats.satellite.EO-4            INFO       <1524.50> EO-4: setting timed terminal event at 1629.7
2025-12-03 22:22:18,672 sats.satellite.EO-4            INFO       <1555.50> EO-4: imaged Target(tgt-6100)
2025-12-03 22:22:18,675 data.base                      INFO       <1555.50> Total reward: {'EO-4': np.float64(0.04466933166859323)}
2025-12-03 22:22:18,676 sats.satellite.EO-4            INFO       <1555.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:18,686 gym                            INFO       <1555.50> Step reward: {'EO-4': np.float64(0.04466933166859323)}
2025-12-03 22:22:18,686 gym                            INFO       <1555.50> === STARTING STEP ===
2025-12-03 22:22:18,687 sats.satellite.EO-0            INFO       <1555.50> EO-0: target index 19 tasked
2025-12-03 22:22:18,688 sats.satellite.EO-0            INFO       <1555.50> EO-0: Target(tgt-8297) tasked for imaging
2025-12-03 22:22:18,688 sats.satellite.EO-0            INFO       <1555.50> EO-0: Target(tgt-8297) window enabled: 1561.5 to 1692.8
2025-12-03 22:22:18,690 sats.satellite.EO-0            INFO       <1555.50> EO-0: setting timed terminal event at 1692.8
2025-12-03 22:22:18,690 sats.satellite.EO-1            INFO       <1555.50> EO-1: target index 1 tasked
2025-12-03 22:22:18,691 sats.satellite.EO-1            INFO       <1555.50> EO-1: Target(tgt-6701) tasked for imaging
2025-12-03 22:22:18,692 sats.satellite.EO-1            INFO       <1555.50> EO-1: Target(tgt-6701) window enabled: 1442.8 to 1569.9
2025-12-03 22:22:18,692 sats.satellite.EO-1            INFO       <1555.50> EO-1: setting timed terminal event at 1569.9
2025-12-03 22:22:18,693 sats.satellite.EO-2            INFO       <1555.50> EO-2: target index 21 tasked
2025-12-03 22:22:18,693 sats.satellite.EO-2            INFO       <1555.50> EO-2: Target(tgt-8566) tasked for imaging
2025-12-03 22:22:18,694 sats.satellite.EO-2            INFO       <1555.50> EO-2: Target(tgt-8566) window enabled: 1656.4 to 1775.5
2025-12-03 22:22:18,694 sats.satellite.EO-2            INFO       <1555.50> EO-2: setting timed terminal event at 1775.5
2025-12-03 22:22:18,695 sats.satellite.EO-3            INFO       <1555.50> EO-3: target index 17 tasked
2025-12-03 22:22:18,696 sats.satellite.EO-3            INFO       <1555.50> EO-3: Target(tgt-3415) tasked for imaging
2025-12-03 22:22:18,696 sats.satellite.EO-3            INFO       <1555.50> EO-3: Target(tgt-3415) window enabled: 1561.5 to 1693.0
2025-12-03 22:22:18,697 sats.satellite.EO-3            INFO       <1555.50> EO-3: setting timed terminal event at 1693.0
2025-12-03 22:22:18,699 sats.satellite.EO-4            INFO       <1555.50> EO-4: target index 23 tasked
2025-12-03 22:22:18,699 sats.satellite.EO-4            INFO       <1555.50> EO-4: Target(tgt-3186) tasked for imaging
2025-12-03 22:22:18,700 sats.satellite.EO-4            INFO       <1555.50> EO-4: Target(tgt-3186) window enabled: 1630.4 to 1759.0
2025-12-03 22:22:18,701 sats.satellite.EO-4            INFO       <1555.50> EO-4: setting timed terminal event at 1759.0
2025-12-03 22:22:18,711 sats.satellite.EO-1            INFO       <1570.00> EO-1: timed termination at 1569.9 for Target(tgt-6701) window
2025-12-03 22:22:18,714 data.base                      INFO       <1570.00> Total reward: {}
2025-12-03 22:22:18,715 sats.satellite.EO-1            INFO       <1570.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:18,724 gym                            INFO       <1570.00> Step reward: {}
2025-12-03 22:22:18,725 gym                            INFO       <1570.00> === STARTING STEP ===
2025-12-03 22:22:18,725 sats.satellite.EO-0            INFO       <1570.00> EO-0: target index 27 tasked
2025-12-03 22:22:18,726 sats.satellite.EO-0            INFO       <1570.00> EO-0: Target(tgt-1673) tasked for imaging
2025-12-03 22:22:18,726 sats.satellite.EO-0            INFO       <1570.00> EO-0: Target(tgt-1673) window enabled: 1660.4 to 1767.2
2025-12-03 22:22:18,727 sats.satellite.EO-0            INFO       <1570.00> EO-0: setting timed terminal event at 1767.2
2025-12-03 22:22:18,728 sats.satellite.EO-1            INFO       <1570.00> EO-1: target index 14 tasked
2025-12-03 22:22:18,728 sats.satellite.EO-1            INFO       <1570.00> EO-1: Target(tgt-6875) tasked for imaging
2025-12-03 22:22:18,729 sats.satellite.EO-1            INFO       <1570.00> EO-1: Target(tgt-6875) window enabled: 1549.5 to 1674.9
2025-12-03 22:22:18,729 sats.satellite.EO-1            INFO       <1570.00> EO-1: setting timed terminal event at 1674.9
2025-12-03 22:22:18,731 sats.satellite.EO-2            INFO       <1570.00> EO-2: target index 14 tasked
2025-12-03 22:22:18,732 sats.satellite.EO-2            INFO       <1570.00> EO-2: Target(tgt-1295) tasked for imaging
2025-12-03 22:22:18,732 sats.satellite.EO-2            INFO       <1570.00> EO-2: Target(tgt-1295) window enabled: 1598.6 to 1702.9
2025-12-03 22:22:18,733 sats.satellite.EO-2            INFO       <1570.00> EO-2: setting timed terminal event at 1702.9
2025-12-03 22:22:18,733 sats.satellite.EO-3            INFO       <1570.00> EO-3: target index 1 tasked
2025-12-03 22:22:18,734 sats.satellite.EO-3            INFO       <1570.00> EO-3: Target(tgt-478) tasked for imaging
2025-12-03 22:22:18,735 sats.satellite.EO-3            INFO       <1570.00> EO-3: Target(tgt-478) window enabled: 1592.5 to 1604.4
2025-12-03 22:22:18,736 sats.satellite.EO-3            INFO       <1570.00> EO-3: setting timed terminal event at 1604.4
2025-12-03 22:22:18,737 sats.satellite.EO-4            INFO       <1570.00> EO-4: target index 27 tasked
2025-12-03 22:22:18,737 sats.satellite.EO-4            INFO       <1570.00> EO-4: Target(tgt-3106) tasked for imaging
2025-12-03 22:22:18,738 sats.satellite.EO-4            INFO       <1570.00> EO-4: Target(tgt-3106) window enabled: 1663.6 to 1790.1
2025-12-03 22:22:18,739 sats.satellite.EO-4            INFO       <1570.00> EO-4: setting timed terminal event at 1790.1
2025-12-03 22:22:18,760 sats.satellite.EO-1            INFO       <1600.00> EO-1: imaged Target(tgt-6875)
2025-12-03 22:22:18,760 sats.satellite.EO-2            INFO       <1600.00> EO-2: imaged Target(tgt-1295)
2025-12-03 22:22:18,763 data.base                      INFO       <1600.00> Total reward: {'EO-2': np.float64(0.01100264114339842)}
2025-12-03 22:22:18,764 sats.satellite.EO-1            INFO       <1600.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:18,764 sats.satellite.EO-2            INFO       <1600.00> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:18,777 gym                            INFO       <1600.00> Step reward: {'EO-2': np.float64(0.01100264114339842)}
2025-12-03 22:22:18,777 gym                            INFO       <1600.00> === STARTING STEP ===
2025-12-03 22:22:18,779 sats.satellite.EO-0            INFO       <1600.00> EO-0: target index 13 tasked
2025-12-03 22:22:18,779 sats.satellite.EO-0            INFO       <1600.00> EO-0: Target(tgt-2870) tasked for imaging
2025-12-03 22:22:18,780 sats.satellite.EO-0            INFO       <1600.00> EO-0: Target(tgt-2870) window enabled: 1545.5 to 1676.7
2025-12-03 22:22:18,780 sats.satellite.EO-0            INFO       <1600.00> EO-0: setting timed terminal event at 1676.7
2025-12-03 22:22:18,781 sats.satellite.EO-1            INFO       <1600.00> EO-1: target index 0 tasked
2025-12-03 22:22:18,783 sats.satellite.EO-1            INFO       <1600.00> EO-1: Target(tgt-5659) tasked for imaging
2025-12-03 22:22:18,783 sats.satellite.EO-1            INFO       <1600.00> EO-1: Target(tgt-5659) window enabled: 1518.7 to 1604.3
2025-12-03 22:22:18,784 sats.satellite.EO-1            INFO       <1600.00> EO-1: setting timed terminal event at 1604.3
2025-12-03 22:22:18,785 sats.satellite.EO-2            INFO       <1600.00> EO-2: target index 8 tasked
2025-12-03 22:22:18,785 sats.satellite.EO-2            INFO       <1600.00> EO-2: Target(tgt-9085) tasked for imaging
2025-12-03 22:22:18,786 sats.satellite.EO-2            INFO       <1600.00> EO-2: Target(tgt-9085) window enabled: 1628.3 to 1677.1
2025-12-03 22:22:18,786 sats.satellite.EO-2            INFO       <1600.00> EO-2: setting timed terminal event at 1677.1
2025-12-03 22:22:18,787 sats.satellite.EO-3            INFO       <1600.00> EO-3: target index 18 tasked
2025-12-03 22:22:18,788 sats.satellite.EO-3            INFO       <1600.00> EO-3: Target(tgt-2335) tasked for imaging
2025-12-03 22:22:18,788 sats.satellite.EO-3            INFO       <1600.00> EO-3: Target(tgt-2335) window enabled: 1605.3 to 1703.6
2025-12-03 22:22:18,789 sats.satellite.EO-3            INFO       <1600.00> EO-3: setting timed terminal event at 1703.6
2025-12-03 22:22:18,789 sats.satellite.EO-4            INFO       <1600.00> EO-4: target index 16 tasked
2025-12-03 22:22:18,790 sats.satellite.EO-4            INFO       <1600.00> EO-4: Target(tgt-7526) tasked for imaging
2025-12-03 22:22:18,792 sats.satellite.EO-4            INFO       <1600.00> EO-4: Target(tgt-7526) window enabled: 1618.4 to 1729.6
2025-12-03 22:22:18,792 sats.satellite.EO-4            INFO       <1600.00> EO-4: setting timed terminal event at 1729.6
2025-12-03 22:22:18,797 sats.satellite.EO-1            INFO       <1604.50> EO-1: timed termination at 1604.3 for Target(tgt-5659) window
2025-12-03 22:22:18,799 data.base                      INFO       <1604.50> Total reward: {}
2025-12-03 22:22:18,800 sats.satellite.EO-1            INFO       <1604.50> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:18,810 gym                            INFO       <1604.50> Step reward: {}
2025-12-03 22:22:18,810 gym                            INFO       <1604.50> === STARTING STEP ===
2025-12-03 22:22:18,811 sats.satellite.EO-0            INFO       <1604.50> EO-0: target index 9 tasked
2025-12-03 22:22:18,811 sats.satellite.EO-0            INFO       <1604.50> EO-0: Target(tgt-5600) tasked for imaging
2025-12-03 22:22:18,812 sats.satellite.EO-0            INFO       <1604.50> EO-0: Target(tgt-5600) window enabled: 1568.6 to 1666.5
2025-12-03 22:22:18,813 sats.satellite.EO-0            INFO       <1604.50> EO-0: setting timed terminal event at 1666.5
2025-12-03 22:22:18,814 sats.satellite.EO-1            INFO       <1604.50> EO-1: target index 2 tasked
2025-12-03 22:22:18,814 sats.satellite.EO-1            INFO       <1604.50> EO-1: Target(tgt-6734) tasked for imaging
2025-12-03 22:22:18,815 sats.satellite.EO-1            INFO       <1604.50> EO-1: Target(tgt-6734) window enabled: 1532.2 to 1622.6
2025-12-03 22:22:18,815 sats.satellite.EO-1            INFO       <1604.50> EO-1: setting timed terminal event at 1622.6
2025-12-03 22:22:18,816 sats.satellite.EO-2            INFO       <1604.50> EO-2: target index 0 tasked
2025-12-03 22:22:18,816 sats.satellite.EO-2            INFO       <1604.50> EO-2: Target(tgt-4009) tasked for imaging
2025-12-03 22:22:18,817 sats.satellite.EO-2            INFO       <1604.50> EO-2: Target(tgt-4009) window enabled: 1525.3 to 1617.3
2025-12-03 22:22:18,817 sats.satellite.EO-2            INFO       <1604.50> EO-2: setting timed terminal event at 1617.3
2025-12-03 22:22:18,818 sats.satellite.EO-3            INFO       <1604.50> EO-3: target index 3 tasked
2025-12-03 22:22:18,819 sats.satellite.EO-3            INFO       <1604.50> EO-3: Target(tgt-6103) tasked for imaging
2025-12-03 22:22:18,819 sats.satellite.EO-3            INFO       <1604.50> EO-3: Target(tgt-6103) window enabled: 1507.9 to 1625.8
2025-12-03 22:22:18,820 sats.satellite.EO-3            INFO       <1604.50> EO-3: setting timed terminal event at 1625.8
2025-12-03 22:22:18,821 sats.satellite.EO-4            INFO       <1604.50> EO-4: target index 10 tasked
2025-12-03 22:22:18,822 sats.satellite.EO-4            INFO       <1604.50> EO-4: Target(tgt-4835) tasked for imaging
2025-12-03 22:22:18,822 sats.satellite.EO-4            INFO       <1604.50> EO-4: Target(tgt-4835) window enabled: 1605.4 to 1689.6
2025-12-03 22:22:18,824 sats.satellite.EO-4            INFO       <1604.50> EO-4: setting timed terminal event at 1689.6
2025-12-03 22:22:18,833 sats.satellite.EO-2            INFO       <1617.50> EO-2: timed termination at 1617.3 for Target(tgt-4009) window
2025-12-03 22:22:18,836 data.base                      INFO       <1617.50> Total reward: {}
2025-12-03 22:22:18,837 sats.satellite.EO-2            INFO       <1617.50> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:18,847 gym                            INFO       <1617.50> Step reward: {}
2025-12-03 22:22:18,847 gym                            INFO       <1617.50> === STARTING STEP ===
2025-12-03 22:22:18,848 sats.satellite.EO-0            INFO       <1617.50> EO-0: target index 20 tasked
2025-12-03 22:22:18,848 sats.satellite.EO-0            INFO       <1617.50> EO-0: Target(tgt-2092) tasked for imaging
2025-12-03 22:22:18,849 sats.satellite.EO-0            INFO       <1617.50> EO-0: Target(tgt-2092) window enabled: 1674.5 to 1759.2
2025-12-03 22:22:18,849 sats.satellite.EO-0            INFO       <1617.50> EO-0: setting timed terminal event at 1759.2
2025-12-03 22:22:18,850 sats.satellite.EO-1            INFO       <1617.50> EO-1: target index 0 tasked
2025-12-03 22:22:18,851 sats.satellite.EO-1            INFO       <1617.50> EO-1: Target(tgt-6734) window enabled: 1532.2 to 1622.6
2025-12-03 22:22:18,851 sats.satellite.EO-1            INFO       <1617.50> EO-1: setting timed terminal event at 1622.6
2025-12-03 22:22:18,852 sats.satellite.EO-2            INFO       <1617.50> EO-2: target index 27 tasked
2025-12-03 22:22:18,852 sats.satellite.EO-2            INFO       <1617.50> EO-2: Target(tgt-8338) tasked for imaging
2025-12-03 22:22:18,854 sats.satellite.EO-2            INFO       <1617.50> EO-2: Target(tgt-8338) window enabled: 1708.6 to 1820.7
2025-12-03 22:22:18,855 sats.satellite.EO-2            INFO       <1617.50> EO-2: setting timed terminal event at 1820.7
2025-12-03 22:22:18,856 sats.satellite.EO-3            INFO       <1617.50> EO-3: target index 17 tasked
2025-12-03 22:22:18,856 sats.satellite.EO-3            INFO       <1617.50> EO-3: Target(tgt-8615) tasked for imaging
2025-12-03 22:22:18,857 sats.satellite.EO-3            INFO       <1617.50> EO-3: Target(tgt-8615) window enabled: 1599.9 to 1712.8
2025-12-03 22:22:18,857 sats.satellite.EO-3            INFO       <1617.50> EO-3: setting timed terminal event at 1712.8
2025-12-03 22:22:18,858 sats.satellite.EO-4            INFO       <1617.50> EO-4: target index 11 tasked
2025-12-03 22:22:18,859 sats.satellite.EO-4            INFO       <1617.50> EO-4: Target(tgt-603) tasked for imaging
2025-12-03 22:22:18,859 sats.satellite.EO-4            INFO       <1617.50> EO-4: Target(tgt-603) window enabled: 1645.2 to 1705.4
2025-12-03 22:22:18,860 sats.satellite.EO-4            INFO       <1617.50> EO-4: setting timed terminal event at 1705.4
2025-12-03 22:22:18,865 sats.satellite.EO-1            INFO       <1623.00> EO-1: timed termination at 1622.6 for Target(tgt-6734) window
2025-12-03 22:22:18,868 data.base                      INFO       <1623.00> Total reward: {}
2025-12-03 22:22:18,868 sats.satellite.EO-1            INFO       <1623.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:18,879 gym                            INFO       <1623.00> Step reward: {}
2025-12-03 22:22:18,880 gym                            INFO       <1623.00> === STARTING STEP ===
2025-12-03 22:22:18,880 sats.satellite.EO-0            INFO       <1623.00> EO-0: target index 21 tasked
2025-12-03 22:22:18,881 sats.satellite.EO-0            INFO       <1623.00> EO-0: Target(tgt-3323) tasked for imaging
2025-12-03 22:22:18,881 sats.satellite.EO-0            INFO       <1623.00> EO-0: Target(tgt-3323) window enabled: 1674.8 to 1762.6
2025-12-03 22:22:18,882 sats.satellite.EO-0            INFO       <1623.00> EO-0: setting timed terminal event at 1762.6
2025-12-03 22:22:18,883 sats.satellite.EO-1            INFO       <1623.00> EO-1: target index 28 tasked
2025-12-03 22:22:18,883 sats.satellite.EO-1            INFO       <1623.00> EO-1: Target(tgt-7935) tasked for imaging
2025-12-03 22:22:18,884 sats.satellite.EO-1            INFO       <1623.00> EO-1: Target(tgt-7935) window enabled: 1824.3 to 1885.6
2025-12-03 22:22:18,884 sats.satellite.EO-1            INFO       <1623.00> EO-1: setting timed terminal event at 1885.6
2025-12-03 22:22:18,885 sats.satellite.EO-2            INFO       <1623.00> EO-2: target index 23 tasked
2025-12-03 22:22:18,886 sats.satellite.EO-2            INFO       <1623.00> EO-2: Target(tgt-9009) tasked for imaging
2025-12-03 22:22:18,887 sats.satellite.EO-2            INFO       <1623.00> EO-2: Target(tgt-9009) window enabled: 1681.6 to 1808.6
2025-12-03 22:22:18,887 sats.satellite.EO-2            INFO       <1623.00> EO-2: setting timed terminal event at 1808.6
2025-12-03 22:22:18,888 sats.satellite.EO-3            INFO       <1623.00> EO-3: target index 3 tasked
2025-12-03 22:22:18,888 sats.satellite.EO-3            INFO       <1623.00> EO-3: Target(tgt-3013) tasked for imaging
2025-12-03 22:22:18,889 sats.satellite.EO-3            INFO       <1623.00> EO-3: Target(tgt-3013) window enabled: 1522.5 to 1641.5
2025-12-03 22:22:18,890 sats.satellite.EO-3            INFO       <1623.00> EO-3: setting timed terminal event at 1641.5
2025-12-03 22:22:18,890 sats.satellite.EO-4            INFO       <1623.00> EO-4: target index 3 tasked
2025-12-03 22:22:18,891 sats.satellite.EO-4            INFO       <1623.00> EO-4: Target(tgt-8050) tasked for imaging
2025-12-03 22:22:18,891 sats.satellite.EO-4            INFO       <1623.00> EO-4: Target(tgt-8050) window enabled: 1506.0 to 1634.3
2025-12-03 22:22:18,893 sats.satellite.EO-4            INFO       <1623.00> EO-4: setting timed terminal event at 1634.3
2025-12-03 22:22:18,902 sats.satellite.EO-4            INFO       <1634.50> EO-4: timed termination at 1634.3 for Target(tgt-8050) window
2025-12-03 22:22:18,904 data.base                      INFO       <1634.50> Total reward: {}
2025-12-03 22:22:18,904 sats.satellite.EO-4            INFO       <1634.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:18,915 gym                            INFO       <1634.50> Step reward: {}
2025-12-03 22:22:18,916 gym                            INFO       <1634.50> === STARTING STEP ===
2025-12-03 22:22:18,916 sats.satellite.EO-0            INFO       <1634.50> EO-0: target index 28 tasked
2025-12-03 22:22:18,917 sats.satellite.EO-0            INFO       <1634.50> EO-0: Target(tgt-121) tasked for imaging
2025-12-03 22:22:18,918 sats.satellite.EO-0            INFO       <1634.50> EO-0: Target(tgt-121) window enabled: 1687.9 to 1800.0
2025-12-03 22:22:18,918 sats.satellite.EO-0            INFO       <1634.50> EO-0: setting timed terminal event at 1800.0
2025-12-03 22:22:18,919 sats.satellite.EO-1            INFO       <1634.50> EO-1: target index 18 tasked
2025-12-03 22:22:18,920 sats.satellite.EO-1            INFO       <1634.50> EO-1: Target(tgt-4083) tasked for imaging
2025-12-03 22:22:18,921 sats.satellite.EO-1            INFO       <1634.50> EO-1: Target(tgt-4083) window enabled: 1650.2 to 1780.0
2025-12-03 22:22:18,921 sats.satellite.EO-1            INFO       <1634.50> EO-1: setting timed terminal event at 1780.0
2025-12-03 22:22:18,922 sats.satellite.EO-2            INFO       <1634.50> EO-2: target index 22 tasked
2025-12-03 22:22:18,923 sats.satellite.EO-2            INFO       <1634.50> EO-2: Target(tgt-6071) tasked for imaging
2025-12-03 22:22:18,924 sats.satellite.EO-2            INFO       <1634.50> EO-2: Target(tgt-6071) window enabled: 1688.7 to 1816.4
2025-12-03 22:22:18,924 sats.satellite.EO-2            INFO       <1634.50> EO-2: setting timed terminal event at 1816.4
2025-12-03 22:22:18,925 sats.satellite.EO-3            INFO       <1634.50> EO-3: target index 17 tasked
2025-12-03 22:22:18,926 sats.satellite.EO-3            INFO       <1634.50> EO-3: Target(tgt-8501) tasked for imaging
2025-12-03 22:22:18,927 sats.satellite.EO-3            INFO       <1634.50> EO-3: Target(tgt-8501) window enabled: 1613.5 to 1739.8
2025-12-03 22:22:18,927 sats.satellite.EO-3            INFO       <1634.50> EO-3: setting timed terminal event at 1739.8
2025-12-03 22:22:18,928 sats.satellite.EO-4            INFO       <1634.50> EO-4: target index 18 tasked
2025-12-03 22:22:18,929 sats.satellite.EO-4            INFO       <1634.50> EO-4: Target(tgt-5220) tasked for imaging
2025-12-03 22:22:18,930 sats.satellite.EO-4            INFO       <1634.50> EO-4: Target(tgt-5220) window enabled: 1762.1 to 1788.8
2025-12-03 22:22:18,930 sats.satellite.EO-4            INFO       <1634.50> EO-4: setting timed terminal event at 1788.8
2025-12-03 22:22:18,963 sats.satellite.EO-3            INFO       <1685.50> EO-3: imaged Target(tgt-8501)
2025-12-03 22:22:18,966 data.base                      INFO       <1685.50> Total reward: {'EO-3': np.float64(0.15757630330279082)}
2025-12-03 22:22:18,966 sats.satellite.EO-3            INFO       <1685.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:18,976 gym                            INFO       <1685.50> Step reward: {'EO-3': np.float64(0.15757630330279082)}
2025-12-03 22:22:18,976 gym                            INFO       <1685.50> === STARTING STEP ===
2025-12-03 22:22:18,977 sats.satellite.EO-0            INFO       <1685.50> EO-0: target index 0 tasked
2025-12-03 22:22:18,977 sats.satellite.EO-0            INFO       <1685.50> EO-0: Target(tgt-3100) tasked for imaging
2025-12-03 22:22:18,978 sats.satellite.EO-0            INFO       <1685.50> EO-0: Target(tgt-3100) window enabled: 1566.6 to 1687.4
2025-12-03 22:22:18,979 sats.satellite.EO-0            INFO       <1685.50> EO-0: setting timed terminal event at 1687.4
2025-12-03 22:22:18,980 sats.satellite.EO-1            INFO       <1685.50> EO-1: target index 29 tasked
2025-12-03 22:22:18,980 sats.satellite.EO-1            INFO       <1685.50> EO-1: Target(tgt-1258) tasked for imaging
2025-12-03 22:22:18,981 sats.satellite.EO-1            INFO       <1685.50> EO-1: Target(tgt-1258) window enabled: 1865.1 to 1988.4
2025-12-03 22:22:18,982 sats.satellite.EO-1            INFO       <1685.50> EO-1: setting timed terminal event at 1988.4
2025-12-03 22:22:18,982 sats.satellite.EO-2            INFO       <1685.50> EO-2: target index 13 tasked
2025-12-03 22:22:18,983 sats.satellite.EO-2            INFO       <1685.50> EO-2: Target(tgt-1254) tasked for imaging
2025-12-03 22:22:18,984 sats.satellite.EO-2            INFO       <1685.50> EO-2: Target(tgt-1254) window enabled: 1755.1 to 1809.8
2025-12-03 22:22:18,984 sats.satellite.EO-2            INFO       <1685.50> EO-2: setting timed terminal event at 1809.8
2025-12-03 22:22:18,986 sats.satellite.EO-3            INFO       <1685.50> EO-3: target index 8 tasked
2025-12-03 22:22:18,986 sats.satellite.EO-3            INFO       <1685.50> EO-3: Target(tgt-9568) tasked for imaging
2025-12-03 22:22:18,987 sats.satellite.EO-3            INFO       <1685.50> EO-3: Target(tgt-9568) window enabled: 1689.7 to 1741.4
2025-12-03 22:22:18,988 sats.satellite.EO-3            INFO       <1685.50> EO-3: setting timed terminal event at 1741.4
2025-12-03 22:22:18,989 sats.satellite.EO-4            INFO       <1685.50> EO-4: target index 18 tasked
2025-12-03 22:22:18,989 sats.satellite.EO-4            INFO       <1685.50> EO-4: Target(tgt-3995) tasked for imaging
2025-12-03 22:22:18,990 sats.satellite.EO-4            INFO       <1685.50> EO-4: Target(tgt-3995) window enabled: 1732.8 to 1814.6
2025-12-03 22:22:18,991 sats.satellite.EO-4            INFO       <1685.50> EO-4: setting timed terminal event at 1814.6
2025-12-03 22:22:18,993 sats.satellite.EO-0            INFO       <1687.50> EO-0: timed termination at 1687.4 for Target(tgt-3100) window
2025-12-03 22:22:18,995 data.base                      INFO       <1687.50> Total reward: {}
2025-12-03 22:22:18,996 sats.satellite.EO-0            INFO       <1687.50> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:19,006 gym                            INFO       <1687.50> Step reward: {}
2025-12-03 22:22:19,006 gym                            INFO       <1687.50> === STARTING STEP ===
2025-12-03 22:22:19,007 sats.satellite.EO-0            INFO       <1687.50> EO-0: target index 4 tasked
2025-12-03 22:22:19,007 sats.satellite.EO-0            INFO       <1687.50> EO-0: Target(tgt-1218) tasked for imaging
2025-12-03 22:22:19,008 sats.satellite.EO-0            INFO       <1687.50> EO-0: Target(tgt-1218) window enabled: 1614.9 to 1741.6
2025-12-03 22:22:19,009 sats.satellite.EO-0            INFO       <1687.50> EO-0: setting timed terminal event at 1741.6
2025-12-03 22:22:19,009 sats.satellite.EO-1            INFO       <1687.50> EO-1: target index 0 tasked
2025-12-03 22:22:19,010 sats.satellite.EO-1            INFO       <1687.50> EO-1: Target(tgt-5319) tasked for imaging
2025-12-03 22:22:19,010 sats.satellite.EO-1            INFO       <1687.50> EO-1: Target(tgt-5319) window enabled: 1560.2 to 1687.7
2025-12-03 22:22:19,012 sats.satellite.EO-1            INFO       <1687.50> EO-1: setting timed terminal event at 1687.7
2025-12-03 22:22:19,012 sats.satellite.EO-2            INFO       <1687.50> EO-2: target index 2 tasked
2025-12-03 22:22:19,013 sats.satellite.EO-2            INFO       <1687.50> EO-2: Target(tgt-310) tasked for imaging
2025-12-03 22:22:19,014 sats.satellite.EO-2            INFO       <1687.50> EO-2: Target(tgt-310) window enabled: 1598.3 to 1716.2
2025-12-03 22:22:19,015 sats.satellite.EO-2            INFO       <1687.50> EO-2: setting timed terminal event at 1716.2
2025-12-03 22:22:19,015 sats.satellite.EO-3            INFO       <1687.50> EO-3: target index 10 tasked
2025-12-03 22:22:19,016 sats.satellite.EO-3            INFO       <1687.50> EO-3: Target(tgt-2505) tasked for imaging
2025-12-03 22:22:19,017 sats.satellite.EO-3            INFO       <1687.50> EO-3: Target(tgt-2505) window enabled: 1699.2 to 1752.8
2025-12-03 22:22:19,017 sats.satellite.EO-3            INFO       <1687.50> EO-3: setting timed terminal event at 1752.8
2025-12-03 22:22:19,018 sats.satellite.EO-4            INFO       <1687.50> EO-4: target index 19 tasked
2025-12-03 22:22:19,019 sats.satellite.EO-4            INFO       <1687.50> EO-4: Target(tgt-8357) tasked for imaging
2025-12-03 22:22:19,019 sats.satellite.EO-4            INFO       <1687.50> EO-4: Target(tgt-8357) window enabled: 1712.5 to 1817.9
2025-12-03 22:22:19,020 sats.satellite.EO-4            INFO       <1687.50> EO-4: setting timed terminal event at 1817.9
2025-12-03 22:22:19,022 sats.satellite.EO-1            INFO       <1688.00> EO-1: timed termination at 1687.7 for Target(tgt-5319) window
2025-12-03 22:22:19,024 data.base                      INFO       <1688.00> Total reward: {}
2025-12-03 22:22:19,025 sats.satellite.EO-1            INFO       <1688.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:19,034 gym                            INFO       <1688.00> Step reward: {}
2025-12-03 22:22:19,034 gym                            INFO       <1688.00> === STARTING STEP ===
2025-12-03 22:22:19,035 sats.satellite.EO-0            INFO       <1688.00> EO-0: target index 18 tasked
2025-12-03 22:22:19,035 sats.satellite.EO-0            INFO       <1688.00> EO-0: Target(tgt-1902) tasked for imaging
2025-12-03 22:22:19,036 sats.satellite.EO-0            INFO       <1688.00> EO-0: Target(tgt-1902) window enabled: 1764.2 to 1833.1
2025-12-03 22:22:19,036 sats.satellite.EO-0            INFO       <1688.00> EO-0: setting timed terminal event at 1833.1
2025-12-03 22:22:19,037 sats.satellite.EO-1            INFO       <1688.00> EO-1: target index 28 tasked
2025-12-03 22:22:19,038 sats.satellite.EO-1            INFO       <1688.00> EO-1: Target(tgt-1802) tasked for imaging
2025-12-03 22:22:19,039 sats.satellite.EO-1            INFO       <1688.00> EO-1: Target(tgt-1802) window enabled: 1921.8 to 1989.1
2025-12-03 22:22:19,039 sats.satellite.EO-1            INFO       <1688.00> EO-1: setting timed terminal event at 1989.1
2025-12-03 22:22:19,040 sats.satellite.EO-2            INFO       <1688.00> EO-2: target index 21 tasked
2025-12-03 22:22:19,040 sats.satellite.EO-2            INFO       <1688.00> EO-2: Target(tgt-8508) tasked for imaging
2025-12-03 22:22:19,041 sats.satellite.EO-2            INFO       <1688.00> EO-2: Target(tgt-8508) window enabled: 1783.6 to 1871.8
2025-12-03 22:22:19,042 sats.satellite.EO-2            INFO       <1688.00> EO-2: setting timed terminal event at 1871.8
2025-12-03 22:22:19,043 sats.satellite.EO-3            INFO       <1688.00> EO-3: target index 9 tasked
2025-12-03 22:22:19,043 sats.satellite.EO-3            INFO       <1688.00> EO-3: Target(tgt-5832) tasked for imaging
2025-12-03 22:22:19,044 sats.satellite.EO-3            INFO       <1688.00> EO-3: Target(tgt-5832) window enabled: 1617.0 to 1748.4
2025-12-03 22:22:19,044 sats.satellite.EO-3            INFO       <1688.00> EO-3: setting timed terminal event at 1748.4
2025-12-03 22:22:19,045 sats.satellite.EO-4            INFO       <1688.00> EO-4: target index 27 tasked
2025-12-03 22:22:19,046 sats.satellite.EO-4            INFO       <1688.00> EO-4: Target(tgt-3245) tasked for imaging
2025-12-03 22:22:19,046 sats.satellite.EO-4            INFO       <1688.00> EO-4: Target(tgt-3245) window enabled: 1741.2 to 1859.2
2025-12-03 22:22:19,048 sats.satellite.EO-4            INFO       <1688.00> EO-4: setting timed terminal event at 1859.2
2025-12-03 22:22:19,068 sats.satellite.EO-3            INFO       <1717.50> EO-3: imaged Target(tgt-5832)
2025-12-03 22:22:19,070 data.base                      INFO       <1717.50> Total reward: {'EO-3': np.float64(0.10462802723060967)}
2025-12-03 22:22:19,071 sats.satellite.EO-3            INFO       <1717.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:19,084 gym                            INFO       <1717.50> Step reward: {'EO-3': np.float64(0.10462802723060967)}
2025-12-03 22:22:19,084 gym                            INFO       <1717.50> === STARTING STEP ===
2025-12-03 22:22:19,085 sats.satellite.EO-0            INFO       <1717.50> EO-0: target index 10 tasked
2025-12-03 22:22:19,085 sats.satellite.EO-0            INFO       <1717.50> EO-0: Target(tgt-7121) tasked for imaging
2025-12-03 22:22:19,086 sats.satellite.EO-0            INFO       <1717.50> EO-0: Target(tgt-7121) window enabled: 1694.6 to 1776.7
2025-12-03 22:22:19,086 sats.satellite.EO-0            INFO       <1717.50> EO-0: setting timed terminal event at 1776.7
2025-12-03 22:22:19,087 sats.satellite.EO-1            INFO       <1717.50> EO-1: target index 14 tasked
2025-12-03 22:22:19,087 sats.satellite.EO-1            INFO       <1717.50> EO-1: Target(tgt-3288) tasked for imaging
2025-12-03 22:22:19,088 sats.satellite.EO-1            INFO       <1717.50> EO-1: Target(tgt-3288) window enabled: 1754.1 to 1870.0
2025-12-03 22:22:19,088 sats.satellite.EO-1            INFO       <1717.50> EO-1: setting timed terminal event at 1870.0
2025-12-03 22:22:19,089 sats.satellite.EO-2            INFO       <1717.50> EO-2: target index 5 tasked
2025-12-03 22:22:19,090 sats.satellite.EO-2            INFO       <1717.50> EO-2: Target(tgt-4776) tasked for imaging
2025-12-03 22:22:19,091 sats.satellite.EO-2            INFO       <1717.50> EO-2: Target(tgt-4776) window enabled: 1648.5 to 1777.5
2025-12-03 22:22:19,091 sats.satellite.EO-2            INFO       <1717.50> EO-2: setting timed terminal event at 1777.5
2025-12-03 22:22:19,092 sats.satellite.EO-3            INFO       <1717.50> EO-3: target index 7 tasked
2025-12-03 22:22:19,092 sats.satellite.EO-3            INFO       <1717.50> EO-3: Target(tgt-3622) tasked for imaging
2025-12-03 22:22:19,093 sats.satellite.EO-3            INFO       <1717.50> EO-3: Target(tgt-3622) window enabled: 1681.7 to 1794.6
2025-12-03 22:22:19,094 sats.satellite.EO-3            INFO       <1717.50> EO-3: setting timed terminal event at 1794.6
2025-12-03 22:22:19,094 sats.satellite.EO-4            INFO       <1717.50> EO-4: target index 28 tasked
2025-12-03 22:22:19,095 sats.satellite.EO-4            INFO       <1717.50> EO-4: Target(tgt-7275) tasked for imaging
2025-12-03 22:22:19,096 sats.satellite.EO-4            INFO       <1717.50> EO-4: Target(tgt-7275) window enabled: 1759.5 to 1887.7
2025-12-03 22:22:19,096 sats.satellite.EO-4            INFO       <1717.50> EO-4: setting timed terminal event at 1887.7
2025-12-03 22:22:19,118 sats.satellite.EO-0            INFO       <1751.50> EO-0: imaged Target(tgt-7121)
2025-12-03 22:22:19,121 data.base                      INFO       <1751.50> Total reward: {'EO-0': np.float64(0.0001335141656915336)}
2025-12-03 22:22:19,122 sats.satellite.EO-0            INFO       <1751.50> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:19,133 gym                            INFO       <1751.50> Step reward: {'EO-0': np.float64(0.0001335141656915336)}
2025-12-03 22:22:19,134 gym                            INFO       <1751.50> === STARTING STEP ===
2025-12-03 22:22:19,135 sats.satellite.EO-0            INFO       <1751.50> EO-0: target index 4 tasked
2025-12-03 22:22:19,135 sats.satellite.EO-0            INFO       <1751.50> EO-0: Target(tgt-4307) tasked for imaging
2025-12-03 22:22:19,136 sats.satellite.EO-0            INFO       <1751.50> EO-0: Target(tgt-4307) window enabled: 1640.9 to 1772.2
2025-12-03 22:22:19,137 sats.satellite.EO-0            INFO       <1751.50> EO-0: setting timed terminal event at 1772.2
2025-12-03 22:22:19,138 sats.satellite.EO-1            INFO       <1751.50> EO-1: target index 10 tasked
2025-12-03 22:22:19,138 sats.satellite.EO-1            INFO       <1751.50> EO-1: Target(tgt-3459) tasked for imaging
2025-12-03 22:22:19,139 sats.satellite.EO-1            INFO       <1751.50> EO-1: Target(tgt-3459) window enabled: 1712.9 to 1843.1
2025-12-03 22:22:19,140 sats.satellite.EO-1            INFO       <1751.50> EO-1: setting timed terminal event at 1843.1
2025-12-03 22:22:19,140 sats.satellite.EO-2            INFO       <1751.50> EO-2: target index 10 tasked
2025-12-03 22:22:19,141 sats.satellite.EO-2            INFO       <1751.50> EO-2: Target(tgt-6071) tasked for imaging
2025-12-03 22:22:19,142 sats.satellite.EO-2            INFO       <1751.50> EO-2: Target(tgt-6071) window enabled: 1688.7 to 1816.4
2025-12-03 22:22:19,142 sats.satellite.EO-2            INFO       <1751.50> EO-2: setting timed terminal event at 1816.4
2025-12-03 22:22:19,143 sats.satellite.EO-3            INFO       <1751.50> EO-3: target index 15 tasked
2025-12-03 22:22:19,144 sats.satellite.EO-3            INFO       <1751.50> EO-3: Target(tgt-4753) tasked for imaging
2025-12-03 22:22:19,144 sats.satellite.EO-3            INFO       <1751.50> EO-3: Target(tgt-4753) window enabled: 1801.1 to 1906.6
2025-12-03 22:22:19,145 sats.satellite.EO-3            INFO       <1751.50> EO-3: setting timed terminal event at 1906.6
2025-12-03 22:22:19,145 sats.satellite.EO-4            INFO       <1751.50> EO-4: target index 12 tasked
2025-12-03 22:22:19,146 sats.satellite.EO-4            INFO       <1751.50> EO-4: Target(tgt-7812) tasked for imaging
2025-12-03 22:22:19,146 sats.satellite.EO-4            INFO       <1751.50> EO-4: Target(tgt-7812) window enabled: 1713.9 to 1839.0
2025-12-03 22:22:19,147 sats.satellite.EO-4            INFO       <1751.50> EO-4: setting timed terminal event at 1839.0
2025-12-03 22:22:19,161 sats.satellite.EO-0            INFO       <1772.50> EO-0: timed termination at 1772.2 for Target(tgt-4307) window
2025-12-03 22:22:19,164 data.base                      INFO       <1772.50> Total reward: {}
2025-12-03 22:22:19,164 sats.satellite.EO-0            INFO       <1772.50> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:19,174 gym                            INFO       <1772.50> Step reward: {}
2025-12-03 22:22:19,174 gym                            INFO       <1772.50> === STARTING STEP ===
2025-12-03 22:22:19,174 sats.satellite.EO-0            INFO       <1772.50> EO-0: target index 20 tasked
2025-12-03 22:22:19,175 sats.satellite.EO-0            INFO       <1772.50> EO-0: Target(tgt-5668) tasked for imaging
2025-12-03 22:22:19,176 sats.satellite.EO-0            INFO       <1772.50> EO-0: Target(tgt-5668) window enabled: 1810.8 to 1938.0
2025-12-03 22:22:19,177 sats.satellite.EO-0            INFO       <1772.50> EO-0: setting timed terminal event at 1938.0
2025-12-03 22:22:19,177 sats.satellite.EO-1            INFO       <1772.50> EO-1: target index 6 tasked
2025-12-03 22:22:19,178 sats.satellite.EO-1            INFO       <1772.50> EO-1: Target(tgt-3869) tasked for imaging
2025-12-03 22:22:19,178 sats.satellite.EO-1            INFO       <1772.50> EO-1: Target(tgt-3869) window enabled: 1705.9 to 1836.0
2025-12-03 22:22:19,179 sats.satellite.EO-1            INFO       <1772.50> EO-1: setting timed terminal event at 1836.0
2025-12-03 22:22:19,180 sats.satellite.EO-2            INFO       <1772.50> EO-2: target index 19 tasked
2025-12-03 22:22:19,181 sats.satellite.EO-2            INFO       <1772.50> EO-2: Target(tgt-5168) tasked for imaging
2025-12-03 22:22:19,182 sats.satellite.EO-2            INFO       <1772.50> EO-2: Target(tgt-5168) window enabled: 1781.9 to 1903.0
2025-12-03 22:22:19,182 sats.satellite.EO-2            INFO       <1772.50> EO-2: setting timed terminal event at 1903.0
2025-12-03 22:22:19,183 sats.satellite.EO-3            INFO       <1772.50> EO-3: target index 0 tasked
2025-12-03 22:22:19,184 sats.satellite.EO-3            INFO       <1772.50> EO-3: Target(tgt-5084) tasked for imaging
2025-12-03 22:22:19,185 sats.satellite.EO-3            INFO       <1772.50> EO-3: Target(tgt-5084) window enabled: 1659.6 to 1778.7
2025-12-03 22:22:19,185 sats.satellite.EO-3            INFO       <1772.50> EO-3: setting timed terminal event at 1778.7
2025-12-03 22:22:19,186 sats.satellite.EO-4            INFO       <1772.50> EO-4: target index 15 tasked
2025-12-03 22:22:19,187 sats.satellite.EO-4            INFO       <1772.50> EO-4: Target(tgt-5632) tasked for imaging
2025-12-03 22:22:19,188 sats.satellite.EO-4            INFO       <1772.50> EO-4: Target(tgt-5632) window enabled: 1749.0 to 1877.0
2025-12-03 22:22:19,188 sats.satellite.EO-4            INFO       <1772.50> EO-4: setting timed terminal event at 1877.0
2025-12-03 22:22:19,193 sats.satellite.EO-3            INFO       <1779.00> EO-3: timed termination at 1778.7 for Target(tgt-5084) window
2025-12-03 22:22:19,196 data.base                      INFO       <1779.00> Total reward: {}
2025-12-03 22:22:19,196 sats.satellite.EO-3            INFO       <1779.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:19,206 gym                            INFO       <1779.00> Step reward: {}
2025-12-03 22:22:19,206 gym                            INFO       <1779.00> === STARTING STEP ===
2025-12-03 22:22:19,207 sats.satellite.EO-0            INFO       <1779.00> EO-0: target index 9 tasked
2025-12-03 22:22:19,207 sats.satellite.EO-0            INFO       <1779.00> EO-0: Target(tgt-1494) tasked for imaging
2025-12-03 22:22:19,208 sats.satellite.EO-0            INFO       <1779.00> EO-0: Target(tgt-1494) window enabled: 1755.2 to 1860.7
2025-12-03 22:22:19,209 sats.satellite.EO-0            INFO       <1779.00> EO-0: setting timed terminal event at 1860.7
2025-12-03 22:22:19,210 sats.satellite.EO-1            INFO       <1779.00> EO-1: target index 13 tasked
2025-12-03 22:22:19,211 sats.satellite.EO-1            INFO       <1779.00> EO-1: Target(tgt-6330) tasked for imaging
2025-12-03 22:22:19,211 sats.satellite.EO-1            INFO       <1779.00> EO-1: Target(tgt-6330) window enabled: 1803.3 to 1912.8
2025-12-03 22:22:19,212 sats.satellite.EO-1            INFO       <1779.00> EO-1: setting timed terminal event at 1912.8
2025-12-03 22:22:19,213 sats.satellite.EO-2            INFO       <1779.00> EO-2: target index 7 tasked
2025-12-03 22:22:19,213 sats.satellite.EO-2            INFO       <1779.00> EO-2: Target(tgt-8338) tasked for imaging
2025-12-03 22:22:19,214 sats.satellite.EO-2            INFO       <1779.00> EO-2: Target(tgt-8338) window enabled: 1708.6 to 1820.7
2025-12-03 22:22:19,214 sats.satellite.EO-2            INFO       <1779.00> EO-2: setting timed terminal event at 1820.7
2025-12-03 22:22:19,215 sats.satellite.EO-3            INFO       <1779.00> EO-3: target index 7 tasked
2025-12-03 22:22:19,215 sats.satellite.EO-3            INFO       <1779.00> EO-3: Target(tgt-7706) tasked for imaging
2025-12-03 22:22:19,217 sats.satellite.EO-3            INFO       <1779.00> EO-3: Target(tgt-7706) window enabled: 1767.2 to 1880.9
2025-12-03 22:22:19,217 sats.satellite.EO-3            INFO       <1779.00> EO-3: setting timed terminal event at 1880.9
2025-12-03 22:22:19,218 sats.satellite.EO-4            INFO       <1779.00> EO-4: target index 2 tasked
2025-12-03 22:22:19,218 sats.satellite.EO-4            INFO       <1779.00> EO-4: Target(tgt-9242) tasked for imaging
2025-12-03 22:22:19,220 sats.satellite.EO-4            INFO       <1779.00> EO-4: Target(tgt-9242) window enabled: 1711.3 to 1797.7
2025-12-03 22:22:19,220 sats.satellite.EO-4            INFO       <1779.00> EO-4: setting timed terminal event at 1797.7
2025-12-03 22:22:19,233 sats.satellite.EO-3            INFO       <1797.50> EO-3: imaged Target(tgt-7706)
2025-12-03 22:22:19,236 data.base                      INFO       <1797.50> Total reward: {}
2025-12-03 22:22:19,236 sats.satellite.EO-3            INFO       <1797.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:19,247 gym                            INFO       <1797.50> Step reward: {}
2025-12-03 22:22:19,247 gym                            INFO       <1797.50> === STARTING STEP ===
2025-12-03 22:22:19,248 sats.satellite.EO-0            INFO       <1797.50> EO-0: target index 10 tasked
2025-12-03 22:22:19,248 sats.satellite.EO-0            INFO       <1797.50> EO-0: Target(tgt-4661) tasked for imaging
2025-12-03 22:22:19,249 sats.satellite.EO-0            INFO       <1797.50> EO-0: Target(tgt-4661) window enabled: 1805.9 to 1879.6
2025-12-03 22:22:19,250 sats.satellite.EO-0            INFO       <1797.50> EO-0: setting timed terminal event at 1879.6
2025-12-03 22:22:19,250 sats.satellite.EO-1            INFO       <1797.50> EO-1: target index 5 tasked
2025-12-03 22:22:19,251 sats.satellite.EO-1            INFO       <1797.50> EO-1: Target(tgt-2138) tasked for imaging
2025-12-03 22:22:19,252 sats.satellite.EO-1            INFO       <1797.50> EO-1: Target(tgt-2138) window enabled: 1748.7 to 1850.8
2025-12-03 22:22:19,252 sats.satellite.EO-1            INFO       <1797.50> EO-1: setting timed terminal event at 1850.8
2025-12-03 22:22:19,253 sats.satellite.EO-2            INFO       <1797.50> EO-2: target index 6 tasked
2025-12-03 22:22:19,253 sats.satellite.EO-2            INFO       <1797.50> EO-2: Target(tgt-3069) tasked for imaging
2025-12-03 22:22:19,254 sats.satellite.EO-2            INFO       <1797.50> EO-2: Target(tgt-3069) window enabled: 1695.5 to 1821.9
2025-12-03 22:22:19,256 sats.satellite.EO-2            INFO       <1797.50> EO-2: setting timed terminal event at 1821.9
2025-12-03 22:22:19,256 sats.satellite.EO-3            INFO       <1797.50> EO-3: target index 16 tasked
2025-12-03 22:22:19,257 sats.satellite.EO-3            INFO       <1797.50> EO-3: Target(tgt-4640) tasked for imaging
2025-12-03 22:22:19,257 sats.satellite.EO-3            INFO       <1797.50> EO-3: Target(tgt-4640) window enabled: 1854.0 to 1963.2
2025-12-03 22:22:19,258 sats.satellite.EO-3            INFO       <1797.50> EO-3: setting timed terminal event at 1963.2
2025-12-03 22:22:19,259 sats.satellite.EO-4            INFO       <1797.50> EO-4: target index 24 tasked
2025-12-03 22:22:19,260 sats.satellite.EO-4            INFO       <1797.50> EO-4: Target(tgt-8507) tasked for imaging
2025-12-03 22:22:19,261 sats.satellite.EO-4            INFO       <1797.50> EO-4: Target(tgt-8507) window enabled: 1841.6 to 1956.4
2025-12-03 22:22:19,261 sats.satellite.EO-4            INFO       <1797.50> EO-4: setting timed terminal event at 1956.4
2025-12-03 22:22:19,277 sats.satellite.EO-2            INFO       <1822.00> EO-2: timed termination at 1821.9 for Target(tgt-3069) window
2025-12-03 22:22:19,280 data.base                      INFO       <1822.00> Total reward: {}
2025-12-03 22:22:19,280 sats.satellite.EO-2            INFO       <1822.00> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:19,291 gym                            INFO       <1822.00> Step reward: {}
2025-12-03 22:22:19,291 gym                            INFO       <1822.00> === STARTING STEP ===
2025-12-03 22:22:19,292 sats.satellite.EO-0            INFO       <1822.00> EO-0: target index 30 tasked
2025-12-03 22:22:19,292 sats.satellite.EO-0            INFO       <1822.00> EO-0: Target(tgt-4003) tasked for imaging
2025-12-03 22:22:19,294 sats.satellite.EO-0            INFO       <1822.00> EO-0: Target(tgt-4003) window enabled: 2069.5 to 2196.4
2025-12-03 22:22:19,294 sats.satellite.EO-0            INFO       <1822.00> EO-0: setting timed terminal event at 2196.4
2025-12-03 22:22:19,295 sats.satellite.EO-1            INFO       <1822.00> EO-1: target index 7 tasked
2025-12-03 22:22:19,295 sats.satellite.EO-1            INFO       <1822.00> EO-1: Target(tgt-3865) tasked for imaging
2025-12-03 22:22:19,296 sats.satellite.EO-1            INFO       <1822.00> EO-1: Target(tgt-3865) window enabled: 1775.7 to 1887.3
2025-12-03 22:22:19,297 sats.satellite.EO-1            INFO       <1822.00> EO-1: setting timed terminal event at 1887.3
2025-12-03 22:22:19,298 sats.satellite.EO-2            INFO       <1822.00> EO-2: target index 11 tasked
2025-12-03 22:22:19,298 sats.satellite.EO-2            INFO       <1822.00> EO-2: Target(tgt-7976) tasked for imaging
2025-12-03 22:22:19,299 sats.satellite.EO-2            INFO       <1822.00> EO-2: Target(tgt-7976) window enabled: 1847.5 to 1971.9
2025-12-03 22:22:19,300 sats.satellite.EO-2            INFO       <1822.00> EO-2: setting timed terminal event at 1971.9
2025-12-03 22:22:19,301 sats.satellite.EO-3            INFO       <1822.00> EO-3: target index 28 tasked
2025-12-03 22:22:19,301 sats.satellite.EO-3            INFO       <1822.00> EO-3: Target(tgt-6427) tasked for imaging
2025-12-03 22:22:19,302 sats.satellite.EO-3            INFO       <1822.00> EO-3: Target(tgt-6427) window enabled: 1964.3 to 2090.1
2025-12-03 22:22:19,303 sats.satellite.EO-3            INFO       <1822.00> EO-3: setting timed terminal event at 2090.1
2025-12-03 22:22:19,303 sats.satellite.EO-4            INFO       <1822.00> EO-4: target index 30 tasked
2025-12-03 22:22:19,304 sats.satellite.EO-4            INFO       <1822.00> EO-4: Target(tgt-781) tasked for imaging
2025-12-03 22:22:19,305 sats.satellite.EO-4            INFO       <1822.00> EO-4: Target(tgt-781) window enabled: 1987.6 to 2115.1
2025-12-03 22:22:19,305 sats.satellite.EO-4            INFO       <1822.00> EO-4: setting timed terminal event at 2115.1
2025-12-03 22:22:19,330 sats.satellite.EO-1            INFO       <1863.00> EO-1: imaged Target(tgt-3865)
2025-12-03 22:22:19,333 data.base                      INFO       <1863.00> Total reward: {'EO-1': np.float64(0.004130834882467982)}
2025-12-03 22:22:19,334 sats.satellite.EO-1            INFO       <1863.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:19,345 gym                            INFO       <1863.00> Step reward: {'EO-1': np.float64(0.004130834882467982)}
2025-12-03 22:22:19,346 gym                            INFO       <1863.00> === STARTING STEP ===
2025-12-03 22:22:19,346 sats.satellite.EO-0            INFO       <1863.00> EO-0: target index 17 tasked
2025-12-03 22:22:19,347 sats.satellite.EO-0            INFO       <1863.00> EO-0: Target(tgt-8316) tasked for imaging
2025-12-03 22:22:19,348 sats.satellite.EO-0            INFO       <1863.00> EO-0: Target(tgt-8316) window enabled: 1994.0 to 2110.2
2025-12-03 22:22:19,349 sats.satellite.EO-0            INFO       <1863.00> EO-0: setting timed terminal event at 2110.2
2025-12-03 22:22:19,349 sats.satellite.EO-1            INFO       <1863.00> EO-1: target index 1 tasked
2025-12-03 22:22:19,350 sats.satellite.EO-1            INFO       <1863.00> EO-1: Target(tgt-7935) tasked for imaging
2025-12-03 22:22:19,351 sats.satellite.EO-1            INFO       <1863.00> EO-1: Target(tgt-7935) window enabled: 1824.3 to 1885.6
2025-12-03 22:22:19,351 sats.satellite.EO-1            INFO       <1863.00> EO-1: setting timed terminal event at 1885.6
2025-12-03 22:22:19,352 sats.satellite.EO-2            INFO       <1863.00> EO-2: target index 5 tasked
2025-12-03 22:22:19,352 sats.satellite.EO-2            INFO       <1863.00> EO-2: Target(tgt-1161) tasked for imaging
2025-12-03 22:22:19,353 sats.satellite.EO-2            INFO       <1863.00> EO-2: Target(tgt-1161) window enabled: 1875.7 to 1913.6
2025-12-03 22:22:19,353 sats.satellite.EO-2            INFO       <1863.00> EO-2: setting timed terminal event at 1913.6
2025-12-03 22:22:19,354 sats.satellite.EO-3            INFO       <1863.00> EO-3: target index 15 tasked
2025-12-03 22:22:19,355 sats.satellite.EO-3            INFO       <1863.00> EO-3: Target(tgt-3178) tasked for imaging
2025-12-03 22:22:19,355 sats.satellite.EO-3            INFO       <1863.00> EO-3: Target(tgt-3178) window enabled: 1853.2 to 1982.2
2025-12-03 22:22:19,356 sats.satellite.EO-3            INFO       <1863.00> EO-3: setting timed terminal event at 1982.2
2025-12-03 22:22:19,357 sats.satellite.EO-4            INFO       <1863.00> EO-4: target index 17 tasked
2025-12-03 22:22:19,357 sats.satellite.EO-4            INFO       <1863.00> EO-4: Target(tgt-3734) tasked for imaging
2025-12-03 22:22:19,358 sats.satellite.EO-4            INFO       <1863.00> EO-4: Target(tgt-3734) window enabled: 1940.6 to 2010.2
2025-12-03 22:22:19,358 sats.satellite.EO-4            INFO       <1863.00> EO-4: setting timed terminal event at 2010.2
2025-12-03 22:22:19,374 sats.satellite.EO-1            INFO       <1886.00> EO-1: timed termination at 1885.6 for Target(tgt-7935) window
2025-12-03 22:22:19,377 data.base                      INFO       <1886.00> Total reward: {}
2025-12-03 22:22:19,377 sats.satellite.EO-1            INFO       <1886.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:19,390 gym                            INFO       <1886.00> Step reward: {}
2025-12-03 22:22:19,390 gym                            INFO       <1886.00> === STARTING STEP ===
2025-12-03 22:22:19,391 sats.satellite.EO-0            INFO       <1886.00> EO-0: action_charge tasked for 60.0 seconds
2025-12-03 22:22:19,392 sats.satellite.EO-0            INFO       <1886.00> EO-0: setting timed terminal event at 1946.0
2025-12-03 22:22:19,393 sats.satellite.EO-1            INFO       <1886.00> EO-1: target index 12 tasked
2025-12-03 22:22:19,393 sats.satellite.EO-1            INFO       <1886.00> EO-1: Target(tgt-4274) tasked for imaging
2025-12-03 22:22:19,394 sats.satellite.EO-1            INFO       <1886.00> EO-1: Target(tgt-4274) window enabled: 1894.0 to 2023.7
2025-12-03 22:22:19,394 sats.satellite.EO-1            INFO       <1886.00> EO-1: setting timed terminal event at 2023.7
2025-12-03 22:22:19,395 sats.satellite.EO-2            INFO       <1886.00> EO-2: target index 28 tasked
2025-12-03 22:22:19,395 sats.satellite.EO-2            INFO       <1886.00> EO-2: Target(tgt-5825) tasked for imaging
2025-12-03 22:22:19,396 sats.satellite.EO-2            INFO       <1886.00> EO-2: Target(tgt-5825) window enabled: 2133.7 to 2228.8
2025-12-03 22:22:19,397 sats.satellite.EO-2            INFO       <1886.00> EO-2: setting timed terminal event at 2228.8
2025-12-03 22:22:19,398 sats.satellite.EO-3            INFO       <1886.00> EO-3: target index 15 tasked
2025-12-03 22:22:19,398 sats.satellite.EO-3            INFO       <1886.00> EO-3: Target(tgt-7407) tasked for imaging
2025-12-03 22:22:19,399 sats.satellite.EO-3            INFO       <1886.00> EO-3: Target(tgt-7407) window enabled: 1931.9 to 2030.1
2025-12-03 22:22:19,399 sats.satellite.EO-3            INFO       <1886.00> EO-3: setting timed terminal event at 2030.1
2025-12-03 22:22:19,400 sats.satellite.EO-4            INFO       <1886.00> EO-4: target index 3 tasked
2025-12-03 22:22:19,400 sats.satellite.EO-4            INFO       <1886.00> EO-4: Target(tgt-2221) tasked for imaging
2025-12-03 22:22:19,402 sats.satellite.EO-4            INFO       <1886.00> EO-4: Target(tgt-2221) window enabled: 1875.2 to 1903.3
2025-12-03 22:22:19,402 sats.satellite.EO-4            INFO       <1886.00> EO-4: setting timed terminal event at 1903.3
2025-12-03 22:22:19,415 sats.satellite.EO-4            INFO       <1903.50> EO-4: timed termination at 1903.3 for Target(tgt-2221) window
2025-12-03 22:22:19,418 data.base                      INFO       <1903.50> Total reward: {}
2025-12-03 22:22:19,418 sats.satellite.EO-4            INFO       <1903.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:19,428 gym                            INFO       <1903.50> Step reward: {}
2025-12-03 22:22:19,429 gym                            INFO       <1903.50> === STARTING STEP ===
2025-12-03 22:22:19,429 sats.satellite.EO-0            INFO       <1903.50> EO-0: target index 24 tasked
2025-12-03 22:22:19,430 sats.satellite.EO-0            INFO       <1903.50> EO-0: Target(tgt-7066) tasked for imaging
2025-12-03 22:22:19,430 sats.satellite.EO-0            INFO       <1903.50> EO-0: Target(tgt-7066) window enabled: 2114.0 to 2238.8
2025-12-03 22:22:19,431 sats.satellite.EO-0            INFO       <1903.50> EO-0: setting timed terminal event at 2238.8
2025-12-03 22:22:19,432 sats.satellite.EO-1            INFO       <1903.50> EO-1: target index 5 tasked
2025-12-03 22:22:19,432 sats.satellite.EO-1            INFO       <1903.50> EO-1: Target(tgt-4299) tasked for imaging
2025-12-03 22:22:19,434 sats.satellite.EO-1            INFO       <1903.50> EO-1: Target(tgt-4299) window enabled: 1940.3 to 1988.4
2025-12-03 22:22:19,434 sats.satellite.EO-1            INFO       <1903.50> EO-1: setting timed terminal event at 1988.4
2025-12-03 22:22:19,435 sats.satellite.EO-2            INFO       <1903.50> EO-2: target index 3 tasked
2025-12-03 22:22:19,436 sats.satellite.EO-2            INFO       <1903.50> EO-2: Target(tgt-3535) tasked for imaging
2025-12-03 22:22:19,437 sats.satellite.EO-2            INFO       <1903.50> EO-2: Target(tgt-3535) window enabled: 1831.6 to 1958.2
2025-12-03 22:22:19,437 sats.satellite.EO-2            INFO       <1903.50> EO-2: setting timed terminal event at 1958.2
2025-12-03 22:22:19,438 sats.satellite.EO-3            INFO       <1903.50> EO-3: target index 8 tasked
2025-12-03 22:22:19,438 sats.satellite.EO-3            INFO       <1903.50> EO-3: Target(tgt-878) tasked for imaging
2025-12-03 22:22:19,439 sats.satellite.EO-3            INFO       <1903.50> EO-3: Target(tgt-878) window enabled: 1913.1 to 2006.9
2025-12-03 22:22:19,439 sats.satellite.EO-3            INFO       <1903.50> EO-3: setting timed terminal event at 2006.9
2025-12-03 22:22:19,440 sats.satellite.EO-4            INFO       <1903.50> EO-4: target index 30 tasked
2025-12-03 22:22:19,441 sats.satellite.EO-4            INFO       <1903.50> EO-4: Target(tgt-3822) tasked for imaging
2025-12-03 22:22:19,441 sats.satellite.EO-4            INFO       <1903.50> EO-4: Target(tgt-3822) window enabled: 2106.1 to 2211.0
2025-12-03 22:22:19,442 sats.satellite.EO-4            INFO       <1903.50> EO-4: setting timed terminal event at 2211.0
2025-12-03 22:22:19,466 sats.satellite.EO-1            INFO       <1941.50> EO-1: imaged Target(tgt-4299)
2025-12-03 22:22:19,469 data.base                      INFO       <1941.50> Total reward: {'EO-1': np.float64(0.0040576058878078755)}
2025-12-03 22:22:19,469 sats.satellite.EO-1            INFO       <1941.50> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:19,479 gym                            INFO       <1941.50> Step reward: {'EO-1': np.float64(0.0040576058878078755)}
2025-12-03 22:22:19,479 gym                            INFO       <1941.50> === STARTING STEP ===
2025-12-03 22:22:19,480 sats.satellite.EO-0            INFO       <1941.50> EO-0: target index 29 tasked
2025-12-03 22:22:19,480 sats.satellite.EO-0            INFO       <1941.50> EO-0: Target(tgt-3467) tasked for imaging
2025-12-03 22:22:19,481 sats.satellite.EO-0            INFO       <1941.50> EO-0: Target(tgt-3467) window enabled: 2194.8 to 2324.9
2025-12-03 22:22:19,481 sats.satellite.EO-0            INFO       <1941.50> EO-0: setting timed terminal event at 2324.9
2025-12-03 22:22:19,483 sats.satellite.EO-1            INFO       <1941.50> EO-1: target index 29 tasked
2025-12-03 22:22:19,483 sats.satellite.EO-1            INFO       <1941.50> EO-1: Target(tgt-6584) tasked for imaging
2025-12-03 22:22:19,484 sats.satellite.EO-1            INFO       <1941.50> EO-1: Target(tgt-6584) window enabled: 2020.8 to 2147.7
2025-12-03 22:22:19,484 sats.satellite.EO-1            INFO       <1941.50> EO-1: setting timed terminal event at 2147.7
2025-12-03 22:22:19,485 sats.satellite.EO-2            INFO       <1941.50> EO-2: target index 22 tasked
2025-12-03 22:22:19,485 sats.satellite.EO-2            INFO       <1941.50> EO-2: Target(tgt-8097) tasked for imaging
2025-12-03 22:22:19,486 sats.satellite.EO-2            INFO       <1941.50> EO-2: Target(tgt-8097) window enabled: 2111.8 to 2193.7
2025-12-03 22:22:19,486 sats.satellite.EO-2            INFO       <1941.50> EO-2: setting timed terminal event at 2193.7
2025-12-03 22:22:19,488 sats.satellite.EO-3            INFO       <1941.50> EO-3: target index 28 tasked
2025-12-03 22:22:19,488 sats.satellite.EO-3            INFO       <1941.50> EO-3: Target(tgt-4651) tasked for imaging
2025-12-03 22:22:19,489 sats.satellite.EO-3            INFO       <1941.50> EO-3: Target(tgt-4651) window enabled: 2088.0 to 2180.2
2025-12-03 22:22:19,490 sats.satellite.EO-3            INFO       <1941.50> EO-3: setting timed terminal event at 2180.2
2025-12-03 22:22:19,491 sats.satellite.EO-4            INFO       <1941.50> EO-4: target index 28 tasked
2025-12-03 22:22:19,491 sats.satellite.EO-4            INFO       <1941.50> EO-4: Target(tgt-1442) tasked for imaging
2025-12-03 22:22:19,492 sats.satellite.EO-4            INFO       <1941.50> EO-4: Target(tgt-1442) window enabled: 2080.5 to 2203.1
2025-12-03 22:22:19,492 sats.satellite.EO-4            INFO       <1941.50> EO-4: setting timed terminal event at 2203.1
2025-12-03 22:22:19,541 sats.satellite.EO-1            INFO       <2022.00> EO-1: imaged Target(tgt-6584)
2025-12-03 22:22:19,543 data.base                      INFO       <2022.00> Total reward: {'EO-1': np.float64(0.0028317013657698526)}
2025-12-03 22:22:19,544 sats.satellite.EO-1            INFO       <2022.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:19,554 gym                            INFO       <2022.00> Step reward: {'EO-1': np.float64(0.0028317013657698526)}
2025-12-03 22:22:19,555 gym                            INFO       <2022.00> === STARTING STEP ===
2025-12-03 22:22:19,555 sats.satellite.EO-0            INFO       <2022.00> EO-0: target index 4 tasked
2025-12-03 22:22:19,556 sats.satellite.EO-0            INFO       <2022.00> EO-0: Target(tgt-783) tasked for imaging
2025-12-03 22:22:19,556 sats.satellite.EO-0            INFO       <2022.00> EO-0: Target(tgt-783) window enabled: 2017.8 to 2148.5
2025-12-03 22:22:19,557 sats.satellite.EO-0            INFO       <2022.00> EO-0: setting timed terminal event at 2148.5
2025-12-03 22:22:19,558 sats.satellite.EO-1            INFO       <2022.00> EO-1: target index 15 tasked
2025-12-03 22:22:19,558 sats.satellite.EO-1            INFO       <2022.00> EO-1: Target(tgt-917) tasked for imaging
2025-12-03 22:22:19,559 sats.satellite.EO-1            INFO       <2022.00> EO-1: Target(tgt-917) window enabled: 2046.0 to 2124.9
2025-12-03 22:22:19,559 sats.satellite.EO-1            INFO       <2022.00> EO-1: setting timed terminal event at 2124.9
2025-12-03 22:22:19,560 sats.satellite.EO-2            INFO       <2022.00> EO-2: action_charge tasked for 60.0 seconds
2025-12-03 22:22:19,560 sats.satellite.EO-2            INFO       <2022.00> EO-2: setting timed terminal event at 2082.0
2025-12-03 22:22:19,561 sats.satellite.EO-3            INFO       <2022.00> EO-3: target index 19 tasked
2025-12-03 22:22:19,562 sats.satellite.EO-3            INFO       <2022.00> EO-3: Target(tgt-8587) tasked for imaging
2025-12-03 22:22:19,563 sats.satellite.EO-3            INFO       <2022.00> EO-3: Target(tgt-8587) window enabled: 2031.0 to 2162.7
2025-12-03 22:22:19,563 sats.satellite.EO-3            INFO       <2022.00> EO-3: setting timed terminal event at 2162.7
2025-12-03 22:22:19,564 sats.satellite.EO-4            INFO       <2022.00> EO-4: target index 4 tasked
2025-12-03 22:22:19,564 sats.satellite.EO-4            INFO       <2022.00> EO-4: Target(tgt-6467) tasked for imaging
2025-12-03 22:22:19,565 sats.satellite.EO-4            INFO       <2022.00> EO-4: Target(tgt-6467) window enabled: 1993.3 to 2109.5
2025-12-03 22:22:19,565 sats.satellite.EO-4            INFO       <2022.00> EO-4: setting timed terminal event at 2109.5
2025-12-03 22:22:19,584 sats.satellite.EO-1            INFO       <2047.00> EO-1: imaged Target(tgt-917)
2025-12-03 22:22:19,587 data.base                      INFO       <2047.00> Total reward: {'EO-1': np.float64(0.02607173614369607)}
2025-12-03 22:22:19,587 sats.satellite.EO-1            INFO       <2047.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:19,599 gym                            INFO       <2047.00> Step reward: {'EO-1': np.float64(0.02607173614369607)}
2025-12-03 22:22:19,599 gym                            INFO       <2047.00> === STARTING STEP ===
2025-12-03 22:22:19,600 sats.satellite.EO-0            INFO       <2047.00> EO-0: target index 20 tasked
2025-12-03 22:22:19,600 sats.satellite.EO-0            INFO       <2047.00> EO-0: Target(tgt-3204) tasked for imaging
2025-12-03 22:22:19,601 sats.satellite.EO-0            INFO       <2047.00> EO-0: Target(tgt-3204) window enabled: 2180.4 to 2308.9
2025-12-03 22:22:19,601 sats.satellite.EO-0            INFO       <2047.00> EO-0: setting timed terminal event at 2308.9
2025-12-03 22:22:19,603 sats.satellite.EO-1            INFO       <2047.00> EO-1: target index 6 tasked
2025-12-03 22:22:19,603 sats.satellite.EO-1            INFO       <2047.00> EO-1: Target(tgt-4354) tasked for imaging
2025-12-03 22:22:19,604 sats.satellite.EO-1            INFO       <2047.00> EO-1: Target(tgt-4354) window enabled: 1980.3 to 2105.3
2025-12-03 22:22:19,604 sats.satellite.EO-1            INFO       <2047.00> EO-1: setting timed terminal event at 2105.3
2025-12-03 22:22:19,605 sats.satellite.EO-2            INFO       <2047.00> EO-2: target index 6 tasked
2025-12-03 22:22:19,606 sats.satellite.EO-2            INFO       <2047.00> EO-2: Target(tgt-6569) tasked for imaging
2025-12-03 22:22:19,607 sats.satellite.EO-2            INFO       <2047.00> EO-2: Target(tgt-6569) window enabled: 1989.1 to 2117.6
2025-12-03 22:22:19,607 sats.satellite.EO-2            INFO       <2047.00> EO-2: setting timed terminal event at 2117.6
2025-12-03 22:22:19,608 sats.satellite.EO-3            INFO       <2047.00> EO-3: target index 22 tasked
2025-12-03 22:22:19,609 sats.satellite.EO-3            INFO       <2047.00> EO-3: Target(tgt-5672) tasked for imaging
2025-12-03 22:22:19,609 sats.satellite.EO-3            INFO       <2047.00> EO-3: Target(tgt-5672) window enabled: 2069.4 to 2198.2
2025-12-03 22:22:19,610 sats.satellite.EO-3            INFO       <2047.00> EO-3: setting timed terminal event at 2198.2
2025-12-03 22:22:19,611 sats.satellite.EO-4            INFO       <2047.00> EO-4: target index 6 tasked
2025-12-03 22:22:19,612 sats.satellite.EO-4            INFO       <2047.00> EO-4: Target(tgt-6675) tasked for imaging
2025-12-03 22:22:19,612 sats.satellite.EO-4            INFO       <2047.00> EO-4: Target(tgt-6675) window enabled: 2007.3 to 2121.9
2025-12-03 22:22:19,613 sats.satellite.EO-4            INFO       <2047.00> EO-4: setting timed terminal event at 2121.9
2025-12-03 22:22:19,630 sats.satellite.EO-3            INFO       <2073.50> EO-3: imaged Target(tgt-5672)
2025-12-03 22:22:19,633 data.base                      INFO       <2073.50> Total reward: {'EO-3': np.float64(0.1131517870065557)}
2025-12-03 22:22:19,633 sats.satellite.EO-3            INFO       <2073.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:19,645 gym                            INFO       <2073.50> Step reward: {'EO-3': np.float64(0.1131517870065557)}
2025-12-03 22:22:19,645 gym                            INFO       <2073.50> === STARTING STEP ===
2025-12-03 22:22:19,646 sats.satellite.EO-0            INFO       <2073.50> EO-0: target index 10 tasked
2025-12-03 22:22:19,647 sats.satellite.EO-0            INFO       <2073.50> EO-0: Target(tgt-6271) tasked for imaging
2025-12-03 22:22:19,648 sats.satellite.EO-0            INFO       <2073.50> EO-0: Target(tgt-6271) window enabled: 2107.2 to 2203.3
2025-12-03 22:22:19,648 sats.satellite.EO-0            INFO       <2073.50> EO-0: setting timed terminal event at 2203.3
2025-12-03 22:22:19,649 sats.satellite.EO-1            INFO       <2073.50> EO-1: target index 17 tasked
2025-12-03 22:22:19,649 sats.satellite.EO-1            INFO       <2073.50> EO-1: Target(tgt-7660) tasked for imaging
2025-12-03 22:22:19,650 sats.satellite.EO-1            INFO       <2073.50> EO-1: Target(tgt-7660) window enabled: 2061.8 to 2183.8
2025-12-03 22:22:19,650 sats.satellite.EO-1            INFO       <2073.50> EO-1: setting timed terminal event at 2183.8
2025-12-03 22:22:19,651 sats.satellite.EO-2            INFO       <2073.50> EO-2: target index 18 tasked
2025-12-03 22:22:19,651 sats.satellite.EO-2            INFO       <2073.50> EO-2: Target(tgt-3610) tasked for imaging
2025-12-03 22:22:19,652 sats.satellite.EO-2            INFO       <2073.50> EO-2: Target(tgt-3610) window enabled: 2149.6 to 2277.8
2025-12-03 22:22:19,652 sats.satellite.EO-2            INFO       <2073.50> EO-2: setting timed terminal event at 2277.8
2025-12-03 22:22:19,653 sats.satellite.EO-3            INFO       <2073.50> EO-3: target index 18 tasked
2025-12-03 22:22:19,654 sats.satellite.EO-3            INFO       <2073.50> EO-3: Target(tgt-946) tasked for imaging
2025-12-03 22:22:19,654 sats.satellite.EO-3            INFO       <2073.50> EO-3: Target(tgt-946) window enabled: 2082.7 to 2186.6
2025-12-03 22:22:19,655 sats.satellite.EO-3            INFO       <2073.50> EO-3: setting timed terminal event at 2186.6
2025-12-03 22:22:19,656 sats.satellite.EO-4            INFO       <2073.50> EO-4: target index 21 tasked
2025-12-03 22:22:19,656 sats.satellite.EO-4            INFO       <2073.50> EO-4: Target(tgt-4248) tasked for imaging
2025-12-03 22:22:19,657 sats.satellite.EO-4            INFO       <2073.50> EO-4: Target(tgt-4248) window enabled: 2131.7 to 2226.4
2025-12-03 22:22:19,657 sats.satellite.EO-4            INFO       <2073.50> EO-4: setting timed terminal event at 2226.4
2025-12-03 22:22:19,680 sats.satellite.EO-3            INFO       <2108.00> EO-3: imaged Target(tgt-946)
2025-12-03 22:22:19,682 data.base                      INFO       <2108.00> Total reward: {'EO-3': np.float64(0.02685415288065114)}
2025-12-03 22:22:19,683 sats.satellite.EO-3            INFO       <2108.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:19,693 gym                            INFO       <2108.00> Step reward: {'EO-3': np.float64(0.02685415288065114)}
2025-12-03 22:22:19,693 gym                            INFO       <2108.00> === STARTING STEP ===
2025-12-03 22:22:19,694 sats.satellite.EO-0            INFO       <2108.00> EO-0: target index 4 tasked
2025-12-03 22:22:19,694 sats.satellite.EO-0            INFO       <2108.00> EO-0: Target(tgt-8433) tasked for imaging
2025-12-03 22:22:19,695 sats.satellite.EO-0            INFO       <2108.00> EO-0: Target(tgt-8433) window enabled: 2109.7 to 2190.9
2025-12-03 22:22:19,696 sats.satellite.EO-0            INFO       <2108.00> EO-0: setting timed terminal event at 2190.9
2025-12-03 22:22:19,696 sats.satellite.EO-1            INFO       <2108.00> EO-1: target index 8 tasked
2025-12-03 22:22:19,697 sats.satellite.EO-1            INFO       <2108.00> EO-1: Target(tgt-860) tasked for imaging
2025-12-03 22:22:19,697 sats.satellite.EO-1            INFO       <2108.00> EO-1: Target(tgt-860) window enabled: 2120.0 to 2164.6
2025-12-03 22:22:19,698 sats.satellite.EO-1            INFO       <2108.00> EO-1: setting timed terminal event at 2164.6
2025-12-03 22:22:19,699 sats.satellite.EO-2            INFO       <2108.00> EO-2: target index 5 tasked
2025-12-03 22:22:19,700 sats.satellite.EO-2            INFO       <2108.00> EO-2: Target(tgt-7269) tasked for imaging
2025-12-03 22:22:19,700 sats.satellite.EO-2            INFO       <2108.00> EO-2: Target(tgt-7269) window enabled: 2048.9 to 2176.9
2025-12-03 22:22:19,701 sats.satellite.EO-2            INFO       <2108.00> EO-2: setting timed terminal event at 2176.9
2025-12-03 22:22:19,702 sats.satellite.EO-3            INFO       <2108.00> EO-3: target index 2 tasked
2025-12-03 22:22:19,702 sats.satellite.EO-3            INFO       <2108.00> EO-3: Target(tgt-8191) tasked for imaging
2025-12-03 22:22:19,703 sats.satellite.EO-3            INFO       <2108.00> EO-3: Target(tgt-8191) window enabled: 2028.5 to 2123.5
2025-12-03 22:22:19,703 sats.satellite.EO-3            INFO       <2108.00> EO-3: setting timed terminal event at 2123.5
2025-12-03 22:22:19,704 sats.satellite.EO-4            INFO       <2108.00> EO-4: target index 21 tasked
2025-12-03 22:22:19,704 sats.satellite.EO-4            INFO       <2108.00> EO-4: Target(tgt-1070) tasked for imaging
2025-12-03 22:22:19,706 sats.satellite.EO-4            INFO       <2108.00> EO-4: Target(tgt-1070) window enabled: 2137.6 to 2248.7
2025-12-03 22:22:19,706 sats.satellite.EO-4            INFO       <2108.00> EO-4: setting timed terminal event at 2248.7
2025-12-03 22:22:19,715 sats.satellite.EO-0            INFO       <2119.00> EO-0: imaged Target(tgt-8433)
2025-12-03 22:22:19,717 data.base                      INFO       <2119.00> Total reward: {'EO-0': np.float64(0.0035576570007977244)}
2025-12-03 22:22:19,718 sats.satellite.EO-0            INFO       <2119.00> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:19,727 gym                            INFO       <2119.00> Step reward: {'EO-0': np.float64(0.0035576570007977244)}
2025-12-03 22:22:19,728 gym                            INFO       <2119.00> === STARTING STEP ===
2025-12-03 22:22:19,728 sats.satellite.EO-0            INFO       <2119.00> EO-0: target index 22 tasked
2025-12-03 22:22:19,729 sats.satellite.EO-0            INFO       <2119.00> EO-0: Target(tgt-2661) tasked for imaging
2025-12-03 22:22:19,730 sats.satellite.EO-0            INFO       <2119.00> EO-0: Target(tgt-2661) window enabled: 2327.8 to 2354.2
2025-12-03 22:22:19,731 sats.satellite.EO-0            INFO       <2119.00> EO-0: setting timed terminal event at 2354.2
2025-12-03 22:22:19,731 sats.satellite.EO-1            INFO       <2119.00> EO-1: target index 1 tasked
2025-12-03 22:22:19,732 sats.satellite.EO-1            INFO       <2119.00> EO-1: Target(tgt-2068) tasked for imaging
2025-12-03 22:22:19,732 sats.satellite.EO-1            INFO       <2119.00> EO-1: Target(tgt-2068) window enabled: 1998.5 to 2122.1
2025-12-03 22:22:19,733 sats.satellite.EO-1            INFO       <2119.00> EO-1: setting timed terminal event at 2122.1
2025-12-03 22:22:19,734 sats.satellite.EO-2            INFO       <2119.00> EO-2: target index 2 tasked
2025-12-03 22:22:19,735 sats.satellite.EO-2            INFO       <2119.00> EO-2: Target(tgt-6125) tasked for imaging
2025-12-03 22:22:19,735 sats.satellite.EO-2            INFO       <2119.00> EO-2: Target(tgt-6125) window enabled: 2116.3 to 2161.2
2025-12-03 22:22:19,736 sats.satellite.EO-2            INFO       <2119.00> EO-2: setting timed terminal event at 2161.2
2025-12-03 22:22:19,736 sats.satellite.EO-3            INFO       <2119.00> EO-3: target index 21 tasked
2025-12-03 22:22:19,737 sats.satellite.EO-3            INFO       <2119.00> EO-3: Target(tgt-7964) tasked for imaging
2025-12-03 22:22:19,737 sats.satellite.EO-3            INFO       <2119.00> EO-3: Target(tgt-7964) window enabled: 2134.0 to 2265.9
2025-12-03 22:22:19,738 sats.satellite.EO-3            INFO       <2119.00> EO-3: setting timed terminal event at 2265.9
2025-12-03 22:22:19,739 sats.satellite.EO-4            INFO       <2119.00> EO-4: target index 7 tasked
2025-12-03 22:22:19,739 sats.satellite.EO-4            INFO       <2119.00> EO-4: Target(tgt-3674) tasked for imaging
2025-12-03 22:22:19,741 sats.satellite.EO-4            INFO       <2119.00> EO-4: Target(tgt-3674) window enabled: 2035.0 to 2161.8
2025-12-03 22:22:19,741 sats.satellite.EO-4            INFO       <2119.00> EO-4: setting timed terminal event at 2161.8
2025-12-03 22:22:19,746 sats.satellite.EO-1            INFO       <2122.50> EO-1: timed termination at 2122.1 for Target(tgt-2068) window
2025-12-03 22:22:19,748 data.base                      INFO       <2122.50> Total reward: {}
2025-12-03 22:22:19,749 sats.satellite.EO-1            INFO       <2122.50> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:19,759 gym                            INFO       <2122.50> Step reward: {}
2025-12-03 22:22:19,759 gym                            INFO       <2122.50> === STARTING STEP ===
2025-12-03 22:22:19,760 sats.satellite.EO-0            INFO       <2122.50> EO-0: target index 30 tasked
2025-12-03 22:22:19,760 sats.satellite.EO-0            INFO       <2122.50> EO-0: Target(tgt-9365) tasked for imaging
2025-12-03 22:22:19,761 sats.satellite.EO-0            INFO       <2122.50> EO-0: Target(tgt-9365) window enabled: 2310.6 to 2434.0
2025-12-03 22:22:19,761 sats.satellite.EO-0            INFO       <2122.50> EO-0: setting timed terminal event at 2434.0
2025-12-03 22:22:19,762 sats.satellite.EO-1            INFO       <2122.50> EO-1: target index 5 tasked
2025-12-03 22:22:19,762 sats.satellite.EO-1            INFO       <2122.50> EO-1: Target(tgt-7097) tasked for imaging
2025-12-03 22:22:19,763 sats.satellite.EO-1            INFO       <2122.50> EO-1: Target(tgt-7097) window enabled: 2040.8 to 2159.3
2025-12-03 22:22:19,764 sats.satellite.EO-1            INFO       <2122.50> EO-1: setting timed terminal event at 2159.3
2025-12-03 22:22:19,764 sats.satellite.EO-2            INFO       <2122.50> EO-2: target index 22 tasked
2025-12-03 22:22:19,766 sats.satellite.EO-2            INFO       <2122.50> EO-2: Target(tgt-8010) tasked for imaging
2025-12-03 22:22:19,767 sats.satellite.EO-2            INFO       <2122.50> EO-2: Target(tgt-8010) window enabled: 2266.5 to 2344.9
2025-12-03 22:22:19,767 sats.satellite.EO-2            INFO       <2122.50> EO-2: setting timed terminal event at 2344.9
2025-12-03 22:22:19,768 sats.satellite.EO-3            INFO       <2122.50> EO-3: target index 21 tasked
2025-12-03 22:22:19,769 sats.satellite.EO-3            INFO       <2122.50> EO-3: Target(tgt-6312) tasked for imaging
2025-12-03 22:22:19,769 sats.satellite.EO-3            INFO       <2122.50> EO-3: Target(tgt-6312) window enabled: 2167.0 to 2299.2
2025-12-03 22:22:19,771 sats.satellite.EO-3            INFO       <2122.50> EO-3: setting timed terminal event at 2299.2
2025-12-03 22:22:19,771 sats.satellite.EO-4            INFO       <2122.50> EO-4: target index 9 tasked
2025-12-03 22:22:19,772 sats.satellite.EO-4            INFO       <2122.50> EO-4: Target(tgt-5795) tasked for imaging
2025-12-03 22:22:19,772 sats.satellite.EO-4            INFO       <2122.50> EO-4: Target(tgt-5795) window enabled: 2069.8 to 2195.5
2025-12-03 22:22:19,773 sats.satellite.EO-4            INFO       <2122.50> EO-4: setting timed terminal event at 2195.5
2025-12-03 22:22:19,791 sats.satellite.EO-1            INFO       <2147.00> EO-1: imaged Target(tgt-7097)
2025-12-03 22:22:19,793 data.base                      INFO       <2147.00> Total reward: {'EO-1': np.float64(0.17951343241224035)}
2025-12-03 22:22:19,794 sats.satellite.EO-1            INFO       <2147.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:19,804 gym                            INFO       <2147.00> Step reward: {'EO-1': np.float64(0.17951343241224035)}
2025-12-03 22:22:19,804 gym                            INFO       <2147.00> === STARTING STEP ===
2025-12-03 22:22:19,805 sats.satellite.EO-0            INFO       <2147.00> EO-0: target index 16 tasked
2025-12-03 22:22:19,805 sats.satellite.EO-0            INFO       <2147.00> EO-0: Target(tgt-3148) tasked for imaging
2025-12-03 22:22:19,806 sats.satellite.EO-0            INFO       <2147.00> EO-0: Target(tgt-3148) window enabled: 2192.3 to 2308.5
2025-12-03 22:22:19,806 sats.satellite.EO-0            INFO       <2147.00> EO-0: setting timed terminal event at 2308.5
2025-12-03 22:22:19,808 sats.satellite.EO-1            INFO       <2147.00> EO-1: target index 14 tasked
2025-12-03 22:22:19,809 sats.satellite.EO-1            INFO       <2147.00> EO-1: Target(tgt-9556) tasked for imaging
2025-12-03 22:22:19,809 sats.satellite.EO-1            INFO       <2147.00> EO-1: Target(tgt-9556) window enabled: 2129.1 to 2243.6
2025-12-03 22:22:19,810 sats.satellite.EO-1            INFO       <2147.00> EO-1: setting timed terminal event at 2243.6
2025-12-03 22:22:19,810 sats.satellite.EO-2            INFO       <2147.00> EO-2: target index 6 tasked
2025-12-03 22:22:19,811 sats.satellite.EO-2            INFO       <2147.00> EO-2: Target(tgt-5825) tasked for imaging
2025-12-03 22:22:19,812 sats.satellite.EO-2            INFO       <2147.00> EO-2: Target(tgt-5825) window enabled: 2133.7 to 2228.8
2025-12-03 22:22:19,813 sats.satellite.EO-2            INFO       <2147.00> EO-2: setting timed terminal event at 2228.8
2025-12-03 22:22:19,813 sats.satellite.EO-3            INFO       <2147.00> EO-3: target index 30 tasked
2025-12-03 22:22:19,814 sats.satellite.EO-3            INFO       <2147.00> EO-3: Target(tgt-6931) tasked for imaging
2025-12-03 22:22:19,815 sats.satellite.EO-3            INFO       <2147.00> EO-3: Target(tgt-6931) window enabled: 2252.7 to 2383.7
2025-12-03 22:22:19,815 sats.satellite.EO-3            INFO       <2147.00> EO-3: setting timed terminal event at 2383.7
2025-12-03 22:22:19,816 sats.satellite.EO-4            INFO       <2147.00> EO-4: target index 27 tasked
2025-12-03 22:22:19,816 sats.satellite.EO-4            INFO       <2147.00> EO-4: Target(tgt-300) tasked for imaging
2025-12-03 22:22:19,817 sats.satellite.EO-4            INFO       <2147.00> EO-4: Target(tgt-300) window enabled: 2312.6 to 2382.6
2025-12-03 22:22:19,817 sats.satellite.EO-4            INFO       <2147.00> EO-4: setting timed terminal event at 2382.6
2025-12-03 22:22:19,844 sats.satellite.EO-2            INFO       <2184.00> EO-2: imaged Target(tgt-5825)
2025-12-03 22:22:19,847 data.base                      INFO       <2184.00> Total reward: {}
2025-12-03 22:22:19,847 sats.satellite.EO-2            INFO       <2184.00> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:19,857 gym                            INFO       <2184.00> Step reward: {}
2025-12-03 22:22:19,858 gym                            INFO       <2184.00> === STARTING STEP ===
2025-12-03 22:22:19,859 sats.satellite.EO-0            INFO       <2184.00> EO-0: target index 29 tasked
2025-12-03 22:22:19,860 sats.satellite.EO-0            INFO       <2184.00> EO-0: Target(tgt-2053) tasked for imaging
2025-12-03 22:22:19,860 sats.satellite.EO-0            INFO       <2184.00> EO-0: Target(tgt-2053) window enabled: 2348.6 to 2448.2
2025-12-03 22:22:19,861 sats.satellite.EO-0            INFO       <2184.00> EO-0: setting timed terminal event at 2448.2
2025-12-03 22:22:19,862 sats.satellite.EO-1            INFO       <2184.00> EO-1: target index 18 tasked
2025-12-03 22:22:19,862 sats.satellite.EO-1            INFO       <2184.00> EO-1: Target(tgt-5218) tasked for imaging
2025-12-03 22:22:19,863 sats.satellite.EO-1            INFO       <2184.00> EO-1: Target(tgt-5218) window enabled: 2276.3 to 2397.2
2025-12-03 22:22:19,863 sats.satellite.EO-1            INFO       <2184.00> EO-1: setting timed terminal event at 2397.2
2025-12-03 22:22:19,865 sats.satellite.EO-2            INFO       <2184.00> EO-2: target index 17 tasked
2025-12-03 22:22:19,865 sats.satellite.EO-2            INFO       <2184.00> EO-2: Target(tgt-8010) tasked for imaging
2025-12-03 22:22:19,866 sats.satellite.EO-2            INFO       <2184.00> EO-2: Target(tgt-8010) window enabled: 2266.5 to 2344.9
2025-12-03 22:22:19,866 sats.satellite.EO-2            INFO       <2184.00> EO-2: setting timed terminal event at 2344.9
2025-12-03 22:22:19,868 sats.satellite.EO-3            INFO       <2184.00> EO-3: target index 28 tasked
2025-12-03 22:22:19,868 sats.satellite.EO-3            INFO       <2184.00> EO-3: Target(tgt-4324) tasked for imaging
2025-12-03 22:22:19,869 sats.satellite.EO-3            INFO       <2184.00> EO-3: Target(tgt-4324) window enabled: 2311.7 to 2432.7
2025-12-03 22:22:19,869 sats.satellite.EO-3            INFO       <2184.00> EO-3: setting timed terminal event at 2432.7
2025-12-03 22:22:19,870 sats.satellite.EO-4            INFO       <2184.00> EO-4: target index 22 tasked
2025-12-03 22:22:19,871 sats.satellite.EO-4            INFO       <2184.00> EO-4: Target(tgt-300) window enabled: 2312.6 to 2382.6
2025-12-03 22:22:19,871 sats.satellite.EO-4            INFO       <2184.00> EO-4: setting timed terminal event at 2382.6
2025-12-03 22:22:19,927 sats.satellite.EO-2            INFO       <2268.00> EO-2: imaged Target(tgt-8010)
2025-12-03 22:22:19,930 data.base                      INFO       <2268.00> Total reward: {'EO-2': np.float64(0.022299063793945882)}
2025-12-03 22:22:19,930 sats.satellite.EO-2            INFO       <2268.00> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:19,946 gym                            INFO       <2268.00> Step reward: {'EO-2': np.float64(0.022299063793945882)}
2025-12-03 22:22:19,947 gym                            INFO       <2268.00> === STARTING STEP ===
2025-12-03 22:22:19,947 sats.satellite.EO-0            INFO       <2268.00> EO-0: target index 10 tasked
2025-12-03 22:22:19,948 sats.satellite.EO-0            INFO       <2268.00> EO-0: Target(tgt-9186) tasked for imaging
2025-12-03 22:22:19,949 sats.satellite.EO-0            INFO       <2268.00> EO-0: Target(tgt-9186) window enabled: 2266.3 to 2355.4
2025-12-03 22:22:19,949 sats.satellite.EO-0            INFO       <2268.00> EO-0: setting timed terminal event at 2355.4
2025-12-03 22:22:19,950 sats.satellite.EO-1            INFO       <2268.00> EO-1: target index 29 tasked
2025-12-03 22:22:19,950 sats.satellite.EO-1            INFO       <2268.00> EO-1: Target(tgt-6383) tasked for imaging
2025-12-03 22:22:19,951 sats.satellite.EO-1            INFO       <2268.00> EO-1: Target(tgt-6383) window enabled: 2426.9 to 2553.8
2025-12-03 22:22:19,952 sats.satellite.EO-1            INFO       <2268.00> EO-1: setting timed terminal event at 2553.8
2025-12-03 22:22:19,952 sats.satellite.EO-2            INFO       <2268.00> EO-2: target index 17 tasked
2025-12-03 22:22:19,953 sats.satellite.EO-2            INFO       <2268.00> EO-2: Target(tgt-1923) tasked for imaging
2025-12-03 22:22:19,955 sats.satellite.EO-2            INFO       <2268.00> EO-2: Target(tgt-1923) window enabled: 2347.0 to 2444.4
2025-12-03 22:22:19,956 sats.satellite.EO-2            INFO       <2268.00> EO-2: setting timed terminal event at 2444.4
2025-12-03 22:22:19,957 sats.satellite.EO-3            INFO       <2268.00> EO-3: target index 23 tasked
2025-12-03 22:22:19,957 sats.satellite.EO-3            INFO       <2268.00> EO-3: Target(tgt-5076) tasked for imaging
2025-12-03 22:22:19,958 sats.satellite.EO-3            INFO       <2268.00> EO-3: Target(tgt-5076) window enabled: 2341.0 to 2470.7
2025-12-03 22:22:19,959 sats.satellite.EO-3            INFO       <2268.00> EO-3: setting timed terminal event at 2470.7
2025-12-03 22:22:19,959 sats.satellite.EO-4            INFO       <2268.00> EO-4: target index 29 tasked
2025-12-03 22:22:19,960 sats.satellite.EO-4            INFO       <2268.00> EO-4: Target(tgt-1294) tasked for imaging
2025-12-03 22:22:19,961 sats.satellite.EO-4            INFO       <2268.00> EO-4: Target(tgt-1294) window enabled: 2444.7 to 2572.5
2025-12-03 22:22:19,961 sats.satellite.EO-4            INFO       <2268.00> EO-4: setting timed terminal event at 2572.5
2025-12-03 22:22:19,993 sats.satellite.EO-0            INFO       <2314.00> EO-0: imaged Target(tgt-9186)
2025-12-03 22:22:19,995 data.base                      INFO       <2314.00> Total reward: {'EO-0': np.float64(0.14729805215951575)}
2025-12-03 22:22:19,996 sats.satellite.EO-0            INFO       <2314.00> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:20,013 gym                            INFO       <2314.00> Step reward: {'EO-0': np.float64(0.14729805215951575)}
2025-12-03 22:22:20,014 gym                            INFO       <2314.00> === STARTING STEP ===
2025-12-03 22:22:20,015 sats.satellite.EO-0            INFO       <2314.00> EO-0: target index 25 tasked
2025-12-03 22:22:20,015 sats.satellite.EO-0            INFO       <2314.00> EO-0: Target(tgt-7343) tasked for imaging
2025-12-03 22:22:20,016 sats.satellite.EO-0            INFO       <2314.00> EO-0: Target(tgt-7343) window enabled: 2464.6 to 2577.9
2025-12-03 22:22:20,017 sats.satellite.EO-0            INFO       <2314.00> EO-0: setting timed terminal event at 2577.9
2025-12-03 22:22:20,017 sats.satellite.EO-1            INFO       <2314.00> EO-1: target index 8 tasked
2025-12-03 22:22:20,018 sats.satellite.EO-1            INFO       <2314.00> EO-1: Target(tgt-8451) tasked for imaging
2025-12-03 22:22:20,018 sats.satellite.EO-1            INFO       <2314.00> EO-1: Target(tgt-8451) window enabled: 2285.2 to 2409.2
2025-12-03 22:22:20,019 sats.satellite.EO-1            INFO       <2314.00> EO-1: setting timed terminal event at 2409.2
2025-12-03 22:22:20,020 sats.satellite.EO-2            INFO       <2314.00> EO-2: target index 8 tasked
2025-12-03 22:22:20,020 sats.satellite.EO-2            INFO       <2314.00> EO-2: Target(tgt-1337) tasked for imaging
2025-12-03 22:22:20,021 sats.satellite.EO-2            INFO       <2314.00> EO-2: Target(tgt-1337) window enabled: 2266.7 to 2387.8
2025-12-03 22:22:20,021 sats.satellite.EO-2            INFO       <2314.00> EO-2: setting timed terminal event at 2387.8
2025-12-03 22:22:20,022 sats.satellite.EO-3            INFO       <2314.00> EO-3: target index 11 tasked
2025-12-03 22:22:20,022 sats.satellite.EO-3            INFO       <2314.00> EO-3: Target(tgt-482) tasked for imaging
2025-12-03 22:22:20,023 sats.satellite.EO-3            INFO       <2314.00> EO-3: Target(tgt-482) window enabled: 2307.3 to 2429.6
2025-12-03 22:22:20,023 sats.satellite.EO-3            INFO       <2314.00> EO-3: setting timed terminal event at 2429.6
2025-12-03 22:22:20,025 sats.satellite.EO-4            INFO       <2314.00> EO-4: target index 28 tasked
2025-12-03 22:22:20,025 sats.satellite.EO-4            INFO       <2314.00> EO-4: Target(tgt-5568) tasked for imaging
2025-12-03 22:22:20,026 sats.satellite.EO-4            INFO       <2314.00> EO-4: Target(tgt-5568) window enabled: 2504.3 to 2614.5
2025-12-03 22:22:20,027 sats.satellite.EO-4            INFO       <2314.00> EO-4: setting timed terminal event at 2614.5
2025-12-03 22:22:20,046 sats.satellite.EO-3            INFO       <2346.00> EO-3: imaged Target(tgt-482)
2025-12-03 22:22:20,049 data.base                      INFO       <2346.00> Total reward: {'EO-3': np.float64(0.024912554258051615)}
2025-12-03 22:22:20,050 sats.satellite.EO-3            INFO       <2346.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:20,059 gym                            INFO       <2346.00> Step reward: {'EO-3': np.float64(0.024912554258051615)}
2025-12-03 22:22:20,060 gym                            INFO       <2346.00> === STARTING STEP ===
2025-12-03 22:22:20,060 sats.satellite.EO-0            INFO       <2346.00> EO-0: target index 30 tasked
2025-12-03 22:22:20,061 sats.satellite.EO-0            INFO       <2346.00> EO-0: Target(tgt-6824) tasked for imaging
2025-12-03 22:22:20,061 sats.satellite.EO-0            INFO       <2346.00> EO-0: Target(tgt-6824) window enabled: 2581.7 to 2712.0
2025-12-03 22:22:20,062 sats.satellite.EO-0            INFO       <2346.00> EO-0: setting timed terminal event at 2712.0
2025-12-03 22:22:20,063 sats.satellite.EO-1            INFO       <2346.00> EO-1: target index 21 tasked
2025-12-03 22:22:20,063 sats.satellite.EO-1            INFO       <2346.00> EO-1: Target(tgt-4675) tasked for imaging
2025-12-03 22:22:20,064 sats.satellite.EO-1            INFO       <2346.00> EO-1: Target(tgt-4675) window enabled: 2422.4 to 2537.4
2025-12-03 22:22:20,065 sats.satellite.EO-1            INFO       <2346.00> EO-1: setting timed terminal event at 2537.4
2025-12-03 22:22:20,065 sats.satellite.EO-2            INFO       <2346.00> EO-2: target index 6 tasked
2025-12-03 22:22:20,066 sats.satellite.EO-2            INFO       <2346.00> EO-2: Target(tgt-2376) tasked for imaging
2025-12-03 22:22:20,066 sats.satellite.EO-2            INFO       <2346.00> EO-2: Target(tgt-2376) window enabled: 2282.8 to 2410.8
2025-12-03 22:22:20,067 sats.satellite.EO-2            INFO       <2346.00> EO-2: setting timed terminal event at 2410.8
2025-12-03 22:22:20,068 sats.satellite.EO-3            INFO       <2346.00> EO-3: target index 25 tasked
2025-12-03 22:22:20,068 sats.satellite.EO-3            INFO       <2346.00> EO-3: Target(tgt-9592) tasked for imaging
2025-12-03 22:22:20,070 sats.satellite.EO-3            INFO       <2346.00> EO-3: Target(tgt-9592) window enabled: 2442.6 to 2574.7
2025-12-03 22:22:20,071 sats.satellite.EO-3            INFO       <2346.00> EO-3: setting timed terminal event at 2574.7
2025-12-03 22:22:20,072 sats.satellite.EO-4            INFO       <2346.00> EO-4: target index 1 tasked
2025-12-03 22:22:20,072 sats.satellite.EO-4            INFO       <2346.00> EO-4: Target(tgt-7645) tasked for imaging
2025-12-03 22:22:20,073 sats.satellite.EO-4            INFO       <2346.00> EO-4: Target(tgt-7645) window enabled: 2248.3 to 2376.0
2025-12-03 22:22:20,073 sats.satellite.EO-4            INFO       <2346.00> EO-4: setting timed terminal event at 2376.0
2025-12-03 22:22:20,090 sats.satellite.EO-2            INFO       <2372.00> EO-2: imaged Target(tgt-2376)
2025-12-03 22:22:20,092 data.base                      INFO       <2372.00> Total reward: {'EO-2': np.float64(0.012561226146212575)}
2025-12-03 22:22:20,092 sats.satellite.EO-2            INFO       <2372.00> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:20,102 gym                            INFO       <2372.00> Step reward: {'EO-2': np.float64(0.012561226146212575)}
2025-12-03 22:22:20,103 gym                            INFO       <2372.00> === STARTING STEP ===
2025-12-03 22:22:20,103 sats.satellite.EO-0            INFO       <2372.00> EO-0: target index 9 tasked
2025-12-03 22:22:20,104 sats.satellite.EO-0            INFO       <2372.00> EO-0: Target(tgt-2883) tasked for imaging
2025-12-03 22:22:20,105 sats.satellite.EO-0            INFO       <2372.00> EO-0: Target(tgt-2883) window enabled: 2364.6 to 2495.2
2025-12-03 22:22:20,105 sats.satellite.EO-0            INFO       <2372.00> EO-0: setting timed terminal event at 2495.2
2025-12-03 22:22:20,107 sats.satellite.EO-1            INFO       <2372.00> EO-1: target index 2 tasked
2025-12-03 22:22:20,107 sats.satellite.EO-1            INFO       <2372.00> EO-1: Target(tgt-1906) tasked for imaging
2025-12-03 22:22:20,108 sats.satellite.EO-1            INFO       <2372.00> EO-1: Target(tgt-1906) window enabled: 2257.6 to 2383.2
2025-12-03 22:22:20,108 sats.satellite.EO-1            INFO       <2372.00> EO-1: setting timed terminal event at 2383.2
2025-12-03 22:22:20,109 sats.satellite.EO-2            INFO       <2372.00> EO-2: target index 12 tasked
2025-12-03 22:22:20,109 sats.satellite.EO-2            INFO       <2372.00> EO-2: Target(tgt-4548) tasked for imaging
2025-12-03 22:22:20,111 sats.satellite.EO-2            INFO       <2372.00> EO-2: Target(tgt-4548) window enabled: 2432.3 to 2475.9
2025-12-03 22:22:20,111 sats.satellite.EO-2            INFO       <2372.00> EO-2: setting timed terminal event at 2475.9
2025-12-03 22:22:20,112 sats.satellite.EO-3            INFO       <2372.00> EO-3: target index 0 tasked
2025-12-03 22:22:20,112 sats.satellite.EO-3            INFO       <2372.00> EO-3: Target(tgt-2107) tasked for imaging
2025-12-03 22:22:20,113 sats.satellite.EO-3            INFO       <2372.00> EO-3: Target(tgt-2107) window enabled: 2253.5 to 2375.3
2025-12-03 22:22:20,114 sats.satellite.EO-3            INFO       <2372.00> EO-3: setting timed terminal event at 2375.3
2025-12-03 22:22:20,115 sats.satellite.EO-4            INFO       <2372.00> EO-4: target index 6 tasked
2025-12-03 22:22:20,115 sats.satellite.EO-4            INFO       <2372.00> EO-4: Target(tgt-9515) tasked for imaging
2025-12-03 22:22:20,116 sats.satellite.EO-4            INFO       <2372.00> EO-4: Target(tgt-9515) window enabled: 2342.2 to 2416.0
2025-12-03 22:22:20,116 sats.satellite.EO-4            INFO       <2372.00> EO-4: setting timed terminal event at 2416.0
2025-12-03 22:22:20,120 sats.satellite.EO-3            INFO       <2375.50> EO-3: timed termination at 2375.3 for Target(tgt-2107) window
2025-12-03 22:22:20,123 data.base                      INFO       <2375.50> Total reward: {}
2025-12-03 22:22:20,123 sats.satellite.EO-3            INFO       <2375.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:20,134 gym                            INFO       <2375.50> Step reward: {}
2025-12-03 22:22:20,134 gym                            INFO       <2375.50> === STARTING STEP ===
2025-12-03 22:22:20,135 sats.satellite.EO-0            INFO       <2375.50> EO-0: target index 19 tasked
2025-12-03 22:22:20,135 sats.satellite.EO-0            INFO       <2375.50> EO-0: Target(tgt-4348) tasked for imaging
2025-12-03 22:22:20,137 sats.satellite.EO-0            INFO       <2375.50> EO-0: Target(tgt-4348) window enabled: 2512.9 to 2620.5
2025-12-03 22:22:20,137 sats.satellite.EO-0            INFO       <2375.50> EO-0: setting timed terminal event at 2620.5
2025-12-03 22:22:20,138 sats.satellite.EO-1            INFO       <2375.50> EO-1: target index 7 tasked
2025-12-03 22:22:20,138 sats.satellite.EO-1            INFO       <2375.50> EO-1: Target(tgt-3939) tasked for imaging
2025-12-03 22:22:20,139 sats.satellite.EO-1            INFO       <2375.50> EO-1: Target(tgt-3939) window enabled: 2339.6 to 2468.3
2025-12-03 22:22:20,139 sats.satellite.EO-1            INFO       <2375.50> EO-1: setting timed terminal event at 2468.3
2025-12-03 22:22:20,140 sats.satellite.EO-2            INFO       <2375.50> EO-2: target index 4 tasked
2025-12-03 22:22:20,141 sats.satellite.EO-2            INFO       <2375.50> EO-2: Target(tgt-2376) tasked for imaging
2025-12-03 22:22:20,141 sats.satellite.EO-2            INFO       <2375.50> EO-2: Target(tgt-2376) window enabled: 2282.8 to 2410.8
2025-12-03 22:22:20,143 sats.satellite.EO-2            INFO       <2375.50> EO-2: setting timed terminal event at 2410.8
2025-12-03 22:22:20,144 sats.satellite.EO-3            INFO       <2375.50> EO-3: target index 11 tasked
2025-12-03 22:22:20,144 sats.satellite.EO-3            INFO       <2375.50> EO-3: Target(tgt-5076) tasked for imaging
2025-12-03 22:22:20,145 sats.satellite.EO-3            INFO       <2375.50> EO-3: Target(tgt-5076) window enabled: 2341.0 to 2470.7
2025-12-03 22:22:20,145 sats.satellite.EO-3            INFO       <2375.50> EO-3: setting timed terminal event at 2470.7
2025-12-03 22:22:20,146 sats.satellite.EO-4            INFO       <2375.50> EO-4: target index 6 tasked
2025-12-03 22:22:20,147 sats.satellite.EO-4            INFO       <2375.50> EO-4: Target(tgt-9515) window enabled: 2342.2 to 2416.0
2025-12-03 22:22:20,147 sats.satellite.EO-4            INFO       <2375.50> EO-4: setting timed terminal event at 2416.0
2025-12-03 22:22:20,149 sats.satellite.EO-2            INFO       <2376.50> EO-2: imaged Target(tgt-2376)
2025-12-03 22:22:20,152 data.base                      INFO       <2376.50> Total reward: {'EO-2': np.float64(1.52652433273906e-05)}
2025-12-03 22:22:20,152 sats.satellite.EO-2            INFO       <2376.50> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:20,162 gym                            INFO       <2376.50> Step reward: {'EO-2': np.float64(1.52652433273906e-05)}
2025-12-03 22:22:20,162 gym                            INFO       <2376.50> === STARTING STEP ===
2025-12-03 22:22:20,163 sats.satellite.EO-0            INFO       <2376.50> EO-0: target index 3 tasked
2025-12-03 22:22:20,164 sats.satellite.EO-0            INFO       <2376.50> EO-0: Target(tgt-9278) tasked for imaging
2025-12-03 22:22:20,165 sats.satellite.EO-0            INFO       <2376.50> EO-0: Target(tgt-9278) window enabled: 2304.2 to 2417.8
2025-12-03 22:22:20,165 sats.satellite.EO-0            INFO       <2376.50> EO-0: setting timed terminal event at 2417.8
2025-12-03 22:22:20,166 sats.satellite.EO-1            INFO       <2376.50> EO-1: target index 9 tasked
2025-12-03 22:22:20,166 sats.satellite.EO-1            INFO       <2376.50> EO-1: Target(tgt-4446) tasked for imaging
2025-12-03 22:22:20,167 sats.satellite.EO-1            INFO       <2376.50> EO-1: Target(tgt-4446) window enabled: 2410.1 to 2494.5
2025-12-03 22:22:20,167 sats.satellite.EO-1            INFO       <2376.50> EO-1: setting timed terminal event at 2494.5
2025-12-03 22:22:20,168 sats.satellite.EO-2            INFO       <2376.50> EO-2: target index 10 tasked
2025-12-03 22:22:20,169 sats.satellite.EO-2            INFO       <2376.50> EO-2: Target(tgt-1750) tasked for imaging
2025-12-03 22:22:20,170 sats.satellite.EO-2            INFO       <2376.50> EO-2: Target(tgt-1750) window enabled: 2371.3 to 2459.2
2025-12-03 22:22:20,170 sats.satellite.EO-2            INFO       <2376.50> EO-2: setting timed terminal event at 2459.2
2025-12-03 22:22:20,171 sats.satellite.EO-3            INFO       <2376.50> EO-3: target index 27 tasked
2025-12-03 22:22:20,171 sats.satellite.EO-3            INFO       <2376.50> EO-3: Target(tgt-3768) tasked for imaging
2025-12-03 22:22:20,172 sats.satellite.EO-3            INFO       <2376.50> EO-3: Target(tgt-3768) window enabled: 2527.7 to 2629.5
2025-12-03 22:22:20,172 sats.satellite.EO-3            INFO       <2376.50> EO-3: setting timed terminal event at 2629.5
2025-12-03 22:22:20,173 sats.satellite.EO-4            INFO       <2376.50> EO-4: target index 17 tasked
2025-12-03 22:22:20,174 sats.satellite.EO-4            INFO       <2376.50> EO-4: Target(tgt-5258) tasked for imaging
2025-12-03 22:22:20,174 sats.satellite.EO-4            INFO       <2376.50> EO-4: Target(tgt-5258) window enabled: 2445.1 to 2547.4
2025-12-03 22:22:20,176 sats.satellite.EO-4            INFO       <2376.50> EO-4: setting timed terminal event at 2547.4
2025-12-03 22:22:20,201 sats.satellite.EO-1            INFO       <2411.50> EO-1: imaged Target(tgt-4446)
2025-12-03 22:22:20,204 data.base                      INFO       <2411.50> Total reward: {'EO-1': np.float64(0.017936507271331007)}
2025-12-03 22:22:20,204 sats.satellite.EO-1            INFO       <2411.50> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:20,214 gym                            INFO       <2411.50> Step reward: {'EO-1': np.float64(0.017936507271331007)}
2025-12-03 22:22:20,214 gym                            INFO       <2411.50> === STARTING STEP ===
2025-12-03 22:22:20,215 sats.satellite.EO-0            INFO       <2411.50> EO-0: target index 12 tasked
2025-12-03 22:22:20,215 sats.satellite.EO-0            INFO       <2411.50> EO-0: Target(tgt-6408) tasked for imaging
2025-12-03 22:22:20,216 sats.satellite.EO-0            INFO       <2411.50> EO-0: Target(tgt-6408) window enabled: 2438.1 to 2559.9
2025-12-03 22:22:20,217 sats.satellite.EO-0            INFO       <2411.50> EO-0: setting timed terminal event at 2559.9
2025-12-03 22:22:20,217 sats.satellite.EO-1            INFO       <2411.50> EO-1: target index 5 tasked
2025-12-03 22:22:20,218 sats.satellite.EO-1            INFO       <2411.50> EO-1: Target(tgt-6031) tasked for imaging
2025-12-03 22:22:20,219 sats.satellite.EO-1            INFO       <2411.50> EO-1: Target(tgt-6031) window enabled: 2374.4 to 2504.8
2025-12-03 22:22:20,220 sats.satellite.EO-1            INFO       <2411.50> EO-1: setting timed terminal event at 2504.8
2025-12-03 22:22:20,221 sats.satellite.EO-2            INFO       <2411.50> EO-2: target index 22 tasked
2025-12-03 22:22:20,221 sats.satellite.EO-2            INFO       <2411.50> EO-2: Target(tgt-6513) tasked for imaging
2025-12-03 22:22:20,222 sats.satellite.EO-2            INFO       <2411.50> EO-2: Target(tgt-6513) window enabled: 2570.2 to 2632.8
2025-12-03 22:22:20,223 sats.satellite.EO-2            INFO       <2411.50> EO-2: setting timed terminal event at 2632.8
2025-12-03 22:22:20,224 sats.satellite.EO-3            INFO       <2411.50> EO-3: target index 25 tasked
2025-12-03 22:22:20,224 sats.satellite.EO-3            INFO       <2411.50> EO-3: Target(tgt-2316) tasked for imaging
2025-12-03 22:22:20,225 sats.satellite.EO-3            INFO       <2411.50> EO-3: Target(tgt-2316) window enabled: 2575.2 to 2638.5
2025-12-03 22:22:20,225 sats.satellite.EO-3            INFO       <2411.50> EO-3: setting timed terminal event at 2638.5
2025-12-03 22:22:20,226 sats.satellite.EO-4            INFO       <2411.50> EO-4: target index 24 tasked
2025-12-03 22:22:20,227 sats.satellite.EO-4            INFO       <2411.50> EO-4: Target(tgt-9222) tasked for imaging
2025-12-03 22:22:20,228 sats.satellite.EO-4            INFO       <2411.50> EO-4: Target(tgt-9222) window enabled: 2538.8 to 2641.3
2025-12-03 22:22:20,229 sats.satellite.EO-4            INFO       <2411.50> EO-4: setting timed terminal event at 2641.3
2025-12-03 22:22:20,248 sats.satellite.EO-1            INFO       <2443.00> EO-1: imaged Target(tgt-6031)
2025-12-03 22:22:20,251 data.base                      INFO       <2443.00> Total reward: {'EO-1': np.float64(0.06974720819500473)}
2025-12-03 22:22:20,251 sats.satellite.EO-1            INFO       <2443.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:20,261 gym                            INFO       <2443.00> Step reward: {'EO-1': np.float64(0.06974720819500473)}
2025-12-03 22:22:20,261 gym                            INFO       <2443.00> === STARTING STEP ===
2025-12-03 22:22:20,262 sats.satellite.EO-0            INFO       <2443.00> EO-0: action_charge tasked for 60.0 seconds
2025-12-03 22:22:20,262 sats.satellite.EO-0            INFO       <2443.00> EO-0: setting timed terminal event at 2503.0
2025-12-03 22:22:20,264 sats.satellite.EO-1            INFO       <2443.00> EO-1: target index 21 tasked
2025-12-03 22:22:20,264 sats.satellite.EO-1            INFO       <2443.00> EO-1: Target(tgt-5167) tasked for imaging
2025-12-03 22:22:20,265 sats.satellite.EO-1            INFO       <2443.00> EO-1: Target(tgt-5167) window enabled: 2500.8 to 2622.2
2025-12-03 22:22:20,265 sats.satellite.EO-1            INFO       <2443.00> EO-1: setting timed terminal event at 2622.2
2025-12-03 22:22:20,267 sats.satellite.EO-2            INFO       <2443.00> EO-2: target index 30 tasked
2025-12-03 22:22:20,267 sats.satellite.EO-2            INFO       <2443.00> EO-2: Target(tgt-5345) tasked for imaging
2025-12-03 22:22:20,268 sats.satellite.EO-2            INFO       <2443.00> EO-2: Target(tgt-5345) window enabled: 2628.0 to 2705.2
2025-12-03 22:22:20,269 sats.satellite.EO-2            INFO       <2443.00> EO-2: setting timed terminal event at 2705.2
2025-12-03 22:22:20,270 sats.satellite.EO-3            INFO       <2443.00> EO-3: target index 17 tasked
2025-12-03 22:22:20,270 sats.satellite.EO-3            INFO       <2443.00> EO-3: Target(tgt-9001) tasked for imaging
2025-12-03 22:22:20,271 sats.satellite.EO-3            INFO       <2443.00> EO-3: Target(tgt-9001) window enabled: 2448.4 to 2576.2
2025-12-03 22:22:20,272 sats.satellite.EO-3            INFO       <2443.00> EO-3: setting timed terminal event at 2576.2
2025-12-03 22:22:20,273 sats.satellite.EO-4            INFO       <2443.00> EO-4: target index 18 tasked
2025-12-03 22:22:20,273 sats.satellite.EO-4            INFO       <2443.00> EO-4: Target(tgt-5568) tasked for imaging
2025-12-03 22:22:20,274 sats.satellite.EO-4            INFO       <2443.00> EO-4: Target(tgt-5568) window enabled: 2504.3 to 2614.5
2025-12-03 22:22:20,274 sats.satellite.EO-4            INFO       <2443.00> EO-4: setting timed terminal event at 2614.5
2025-12-03 22:22:20,292 sats.satellite.EO-3            INFO       <2470.00> EO-3: imaged Target(tgt-9001)
2025-12-03 22:22:20,294 data.base                      INFO       <2470.00> Total reward: {}
2025-12-03 22:22:20,295 sats.satellite.EO-3            INFO       <2470.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:20,305 gym                            INFO       <2470.00> Step reward: {}
2025-12-03 22:22:20,305 gym                            INFO       <2470.00> === STARTING STEP ===
2025-12-03 22:22:20,306 sats.satellite.EO-0            INFO       <2470.00> EO-0: target index 28 tasked
2025-12-03 22:22:20,307 sats.satellite.EO-0            INFO       <2470.00> EO-0: Target(tgt-8742) tasked for imaging
2025-12-03 22:22:20,307 sats.satellite.EO-0            INFO       <2470.00> EO-0: Target(tgt-8742) window enabled: 2683.7 to 2782.2
2025-12-03 22:22:20,308 sats.satellite.EO-0            INFO       <2470.00> EO-0: setting timed terminal event at 2782.2
2025-12-03 22:22:20,309 sats.satellite.EO-1            INFO       <2470.00> EO-1: target index 4 tasked
2025-12-03 22:22:20,310 sats.satellite.EO-1            INFO       <2470.00> EO-1: Target(tgt-205) tasked for imaging
2025-12-03 22:22:20,310 sats.satellite.EO-1            INFO       <2470.00> EO-1: Target(tgt-205) window enabled: 2404.1 to 2506.3
2025-12-03 22:22:20,311 sats.satellite.EO-1            INFO       <2470.00> EO-1: setting timed terminal event at 2506.3
2025-12-03 22:22:20,312 sats.satellite.EO-2            INFO       <2470.00> EO-2: target index 5 tasked
2025-12-03 22:22:20,312 sats.satellite.EO-2            INFO       <2470.00> EO-2: Target(tgt-3824) tasked for imaging
2025-12-03 22:22:20,313 sats.satellite.EO-2            INFO       <2470.00> EO-2: Target(tgt-3824) window enabled: 2430.8 to 2501.6
2025-12-03 22:22:20,314 sats.satellite.EO-2            INFO       <2470.00> EO-2: setting timed terminal event at 2501.6
2025-12-03 22:22:20,314 sats.satellite.EO-3            INFO       <2470.00> EO-3: target index 4 tasked
2025-12-03 22:22:20,315 sats.satellite.EO-3            INFO       <2470.00> EO-3: Target(tgt-912) tasked for imaging
2025-12-03 22:22:20,316 sats.satellite.EO-3            INFO       <2470.00> EO-3: Target(tgt-912) window enabled: 2359.6 to 2490.4
2025-12-03 22:22:20,316 sats.satellite.EO-3            INFO       <2470.00> EO-3: setting timed terminal event at 2490.4
2025-12-03 22:22:20,317 sats.satellite.EO-4            INFO       <2470.00> EO-4: target index 26 tasked
2025-12-03 22:22:20,317 sats.satellite.EO-4            INFO       <2470.00> EO-4: Target(tgt-2579) tasked for imaging
2025-12-03 22:22:20,318 sats.satellite.EO-4            INFO       <2470.00> EO-4: Target(tgt-2579) window enabled: 2570.5 to 2697.5
2025-12-03 22:22:20,319 sats.satellite.EO-4            INFO       <2470.00> EO-4: setting timed terminal event at 2697.5
2025-12-03 22:22:20,334 sats.satellite.EO-3            INFO       <2490.50> EO-3: timed termination at 2490.4 for Target(tgt-912) window
2025-12-03 22:22:20,337 data.base                      INFO       <2490.50> Total reward: {}
2025-12-03 22:22:20,337 sats.satellite.EO-3            INFO       <2490.50> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:20,347 gym                            INFO       <2490.50> Step reward: {}
2025-12-03 22:22:20,348 gym                            INFO       <2490.50> === STARTING STEP ===
2025-12-03 22:22:20,348 sats.satellite.EO-0            INFO       <2490.50> EO-0: target index 28 tasked
2025-12-03 22:22:20,349 sats.satellite.EO-0            INFO       <2490.50> EO-0: Target(tgt-6166) tasked for imaging
2025-12-03 22:22:20,349 sats.satellite.EO-0            INFO       <2490.50> EO-0: Target(tgt-6166) window enabled: 2733.7 to 2802.5
2025-12-03 22:22:20,350 sats.satellite.EO-0            INFO       <2490.50> EO-0: setting timed terminal event at 2802.5
2025-12-03 22:22:20,351 sats.satellite.EO-1            INFO       <2490.50> EO-1: target index 26 tasked
2025-12-03 22:22:20,351 sats.satellite.EO-1            INFO       <2490.50> EO-1: Target(tgt-9404) tasked for imaging
2025-12-03 22:22:20,352 sats.satellite.EO-1            INFO       <2490.50> EO-1: Target(tgt-9404) window enabled: 2623.5 to 2653.8
2025-12-03 22:22:20,352 sats.satellite.EO-1            INFO       <2490.50> EO-1: setting timed terminal event at 2653.8
2025-12-03 22:22:20,353 sats.satellite.EO-2            INFO       <2490.50> EO-2: target index 3 tasked
2025-12-03 22:22:20,354 sats.satellite.EO-2            INFO       <2490.50> EO-2: Target(tgt-3026) tasked for imaging
2025-12-03 22:22:20,354 sats.satellite.EO-2            INFO       <2490.50> EO-2: Target(tgt-3026) window enabled: 2393.8 to 2509.5
2025-12-03 22:22:20,355 sats.satellite.EO-2            INFO       <2490.50> EO-2: setting timed terminal event at 2509.5
2025-12-03 22:22:20,355 sats.satellite.EO-3            INFO       <2490.50> EO-3: target index 1 tasked
2025-12-03 22:22:20,356 sats.satellite.EO-3            INFO       <2490.50> EO-3: Target(tgt-4577) tasked for imaging
2025-12-03 22:22:20,356 sats.satellite.EO-3            INFO       <2490.50> EO-3: Target(tgt-4577) window enabled: 2417.1 to 2509.0
2025-12-03 22:22:20,357 sats.satellite.EO-3            INFO       <2490.50> EO-3: setting timed terminal event at 2509.0
2025-12-03 22:22:20,358 sats.satellite.EO-4            INFO       <2490.50> EO-4: target index 28 tasked
2025-12-03 22:22:20,358 sats.satellite.EO-4            INFO       <2490.50> EO-4: Target(tgt-8640) tasked for imaging
2025-12-03 22:22:20,359 sats.satellite.EO-4            INFO       <2490.50> EO-4: Target(tgt-8640) window enabled: 2602.3 to 2729.1
2025-12-03 22:22:20,359 sats.satellite.EO-4            INFO       <2490.50> EO-4: setting timed terminal event at 2729.1
2025-12-03 22:22:20,374 sats.satellite.EO-3            INFO       <2509.00> EO-3: timed termination at 2509.0 for Target(tgt-4577) window
2025-12-03 22:22:20,377 data.base                      INFO       <2509.00> Total reward: {}
2025-12-03 22:22:20,377 sats.satellite.EO-3            INFO       <2509.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:20,387 gym                            INFO       <2509.00> Step reward: {}
2025-12-03 22:22:20,388 gym                            INFO       <2509.00> === STARTING STEP ===
2025-12-03 22:22:20,389 sats.satellite.EO-0            INFO       <2509.00> EO-0: target index 11 tasked
2025-12-03 22:22:20,389 sats.satellite.EO-0            INFO       <2509.00> EO-0: Target(tgt-6397) tasked for imaging
2025-12-03 22:22:20,390 sats.satellite.EO-0            INFO       <2509.00> EO-0: Target(tgt-6397) window enabled: 2557.7 to 2687.6
2025-12-03 22:22:20,391 sats.satellite.EO-0            INFO       <2509.00> EO-0: setting timed terminal event at 2687.6
2025-12-03 22:22:20,391 sats.satellite.EO-1            INFO       <2509.00> EO-1: target index 11 tasked
2025-12-03 22:22:20,392 sats.satellite.EO-1            INFO       <2509.00> EO-1: Target(tgt-9107) tasked for imaging
2025-12-03 22:22:20,393 sats.satellite.EO-1            INFO       <2509.00> EO-1: Target(tgt-9107) window enabled: 2556.6 to 2596.1
2025-12-03 22:22:20,393 sats.satellite.EO-1            INFO       <2509.00> EO-1: setting timed terminal event at 2596.1
2025-12-03 22:22:20,394 sats.satellite.EO-2            INFO       <2509.00> EO-2: target index 5 tasked
2025-12-03 22:22:20,394 sats.satellite.EO-2            INFO       <2509.00> EO-2: Target(tgt-5971) tasked for imaging
2025-12-03 22:22:20,395 sats.satellite.EO-2            INFO       <2509.00> EO-2: Target(tgt-5971) window enabled: 2582.5 to 2599.7
2025-12-03 22:22:20,396 sats.satellite.EO-2            INFO       <2509.00> EO-2: setting timed terminal event at 2599.7
2025-12-03 22:22:20,397 sats.satellite.EO-3            INFO       <2509.00> EO-3: action_charge tasked for 60.0 seconds
2025-12-03 22:22:20,397 sats.satellite.EO-3            INFO       <2509.00> EO-3: setting timed terminal event at 2569.0
2025-12-03 22:22:20,398 sats.satellite.EO-4            INFO       <2509.00> EO-4: target index 18 tasked
2025-12-03 22:22:20,399 sats.satellite.EO-4            INFO       <2509.00> EO-4: Target(tgt-7371) tasked for imaging
2025-12-03 22:22:20,400 sats.satellite.EO-4            INFO       <2509.00> EO-4: Target(tgt-7371) window enabled: 2528.9 to 2653.2
2025-12-03 22:22:20,400 sats.satellite.EO-4            INFO       <2509.00> EO-4: setting timed terminal event at 2653.2
2025-12-03 22:22:20,415 sats.satellite.EO-4            INFO       <2531.50> EO-4: imaged Target(tgt-7371)
2025-12-03 22:22:20,417 data.base                      INFO       <2531.50> Total reward: {'EO-4': np.float64(0.08446188967089747)}
2025-12-03 22:22:20,418 sats.satellite.EO-4            INFO       <2531.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:20,430 gym                            INFO       <2531.50> Step reward: {'EO-4': np.float64(0.08446188967089747)}
2025-12-03 22:22:20,431 gym                            INFO       <2531.50> === STARTING STEP ===
2025-12-03 22:22:20,431 sats.satellite.EO-0            INFO       <2531.50> EO-0: target index 5 tasked
2025-12-03 22:22:20,432 sats.satellite.EO-0            INFO       <2531.50> EO-0: Target(tgt-8263) tasked for imaging
2025-12-03 22:22:20,433 sats.satellite.EO-0            INFO       <2531.50> EO-0: Target(tgt-8263) window enabled: 2472.6 to 2602.6
2025-12-03 22:22:20,434 sats.satellite.EO-0            INFO       <2531.50> EO-0: setting timed terminal event at 2602.6
2025-12-03 22:22:20,434 sats.satellite.EO-1            INFO       <2531.50> EO-1: target index 10 tasked
2025-12-03 22:22:20,435 sats.satellite.EO-1            INFO       <2531.50> EO-1: Target(tgt-6022) tasked for imaging
2025-12-03 22:22:20,436 sats.satellite.EO-1            INFO       <2531.50> EO-1: Target(tgt-6022) window enabled: 2513.3 to 2614.7
2025-12-03 22:22:20,436 sats.satellite.EO-1            INFO       <2531.50> EO-1: setting timed terminal event at 2614.7
2025-12-03 22:22:20,437 sats.satellite.EO-2            INFO       <2531.50> EO-2: target index 17 tasked
2025-12-03 22:22:20,437 sats.satellite.EO-2            INFO       <2531.50> EO-2: Target(tgt-609) tasked for imaging
2025-12-03 22:22:20,438 sats.satellite.EO-2            INFO       <2531.50> EO-2: Target(tgt-609) window enabled: 2589.4 to 2710.4
2025-12-03 22:22:20,439 sats.satellite.EO-2            INFO       <2531.50> EO-2: setting timed terminal event at 2710.4
2025-12-03 22:22:20,440 sats.satellite.EO-3            INFO       <2531.50> EO-3: target index 6 tasked
2025-12-03 22:22:20,440 sats.satellite.EO-3            INFO       <2531.50> EO-3: Target(tgt-5109) tasked for imaging
2025-12-03 22:22:20,441 sats.satellite.EO-3            INFO       <2531.50> EO-3: Target(tgt-5109) window enabled: 2543.4 to 2614.8
2025-12-03 22:22:20,441 sats.satellite.EO-3            INFO       <2531.50> EO-3: setting timed terminal event at 2614.8
2025-12-03 22:22:20,442 sats.satellite.EO-4            INFO       <2531.50> EO-4: target index 5 tasked
2025-12-03 22:22:20,442 sats.satellite.EO-4            INFO       <2531.50> EO-4: Target(tgt-1294) tasked for imaging
2025-12-03 22:22:20,443 sats.satellite.EO-4            INFO       <2531.50> EO-4: Target(tgt-1294) window enabled: 2444.7 to 2572.5
2025-12-03 22:22:20,443 sats.satellite.EO-4            INFO       <2531.50> EO-4: setting timed terminal event at 2572.5
2025-12-03 22:22:20,467 sats.satellite.EO-0            INFO       <2569.50> EO-0: imaged Target(tgt-8263)
2025-12-03 22:22:20,470 data.base                      INFO       <2569.50> Total reward: {'EO-0': np.float64(0.3583296976993766)}
2025-12-03 22:22:20,471 sats.satellite.EO-0            INFO       <2569.50> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:20,480 gym                            INFO       <2569.50> Step reward: {'EO-0': np.float64(0.3583296976993766)}
2025-12-03 22:22:20,481 gym                            INFO       <2569.50> === STARTING STEP ===
2025-12-03 22:22:20,481 sats.satellite.EO-0            INFO       <2569.50> EO-0: target index 12 tasked
2025-12-03 22:22:20,482 sats.satellite.EO-0            INFO       <2569.50> EO-0: Target(tgt-5616) tasked for imaging
2025-12-03 22:22:20,482 sats.satellite.EO-0            INFO       <2569.50> EO-0: Target(tgt-5616) window enabled: 2640.6 to 2750.5
2025-12-03 22:22:20,483 sats.satellite.EO-0            INFO       <2569.50> EO-0: setting timed terminal event at 2750.5
2025-12-03 22:22:20,484 sats.satellite.EO-1            INFO       <2569.50> EO-1: target index 1 tasked
2025-12-03 22:22:20,484 sats.satellite.EO-1            INFO       <2569.50> EO-1: Target(tgt-3636) tasked for imaging
2025-12-03 22:22:20,485 sats.satellite.EO-1            INFO       <2569.50> EO-1: Target(tgt-3636) window enabled: 2451.1 to 2578.1
2025-12-03 22:22:20,485 sats.satellite.EO-1            INFO       <2569.50> EO-1: setting timed terminal event at 2578.1
2025-12-03 22:22:20,486 sats.satellite.EO-2            INFO       <2569.50> EO-2: target index 12 tasked
2025-12-03 22:22:20,486 sats.satellite.EO-2            INFO       <2569.50> EO-2: Target(tgt-8486) tasked for imaging
2025-12-03 22:22:20,487 sats.satellite.EO-2            INFO       <2569.50> EO-2: Target(tgt-8486) window enabled: 2572.8 to 2693.5
2025-12-03 22:22:20,488 sats.satellite.EO-2            INFO       <2569.50> EO-2: setting timed terminal event at 2693.5
2025-12-03 22:22:20,488 sats.satellite.EO-3            INFO       <2569.50> EO-3: target index 9 tasked
2025-12-03 22:22:20,489 sats.satellite.EO-3            INFO       <2569.50> EO-3: Target(tgt-1380) tasked for imaging
2025-12-03 22:22:20,490 sats.satellite.EO-3            INFO       <2569.50> EO-3: Target(tgt-1380) window enabled: 2552.0 to 2661.1
2025-12-03 22:22:20,490 sats.satellite.EO-3            INFO       <2569.50> EO-3: setting timed terminal event at 2661.1
2025-12-03 22:22:20,492 sats.satellite.EO-4            INFO       <2569.50> EO-4: target index 24 tasked
2025-12-03 22:22:20,492 sats.satellite.EO-4            INFO       <2569.50> EO-4: Target(tgt-9399) tasked for imaging
2025-12-03 22:22:20,493 sats.satellite.EO-4            INFO       <2569.50> EO-4: Target(tgt-9399) window enabled: 2739.2 to 2761.2
2025-12-03 22:22:20,493 sats.satellite.EO-4            INFO       <2569.50> EO-4: setting timed terminal event at 2761.2
2025-12-03 22:22:20,500 sats.satellite.EO-1            INFO       <2578.50> EO-1: timed termination at 2578.1 for Target(tgt-3636) window
2025-12-03 22:22:20,503 data.base                      INFO       <2578.50> Total reward: {}
2025-12-03 22:22:20,503 sats.satellite.EO-1            INFO       <2578.50> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:20,515 gym                            INFO       <2578.50> Step reward: {}
2025-12-03 22:22:20,516 gym                            INFO       <2578.50> === STARTING STEP ===
2025-12-03 22:22:20,516 sats.satellite.EO-0            INFO       <2578.50> EO-0: target index 13 tasked
2025-12-03 22:22:20,517 sats.satellite.EO-0            INFO       <2578.50> EO-0: Target(tgt-1697) tasked for imaging
2025-12-03 22:22:20,518 sats.satellite.EO-0            INFO       <2578.50> EO-0: Target(tgt-1697) window enabled: 2660.9 to 2760.8
2025-12-03 22:22:20,518 sats.satellite.EO-0            INFO       <2578.50> EO-0: setting timed terminal event at 2760.8
2025-12-03 22:22:20,519 sats.satellite.EO-1            INFO       <2578.50> EO-1: target index 20 tasked
2025-12-03 22:22:20,519 sats.satellite.EO-1            INFO       <2578.50> EO-1: Target(tgt-3020) tasked for imaging
2025-12-03 22:22:20,520 sats.satellite.EO-1            INFO       <2578.50> EO-1: Target(tgt-3020) window enabled: 2591.1 to 2699.1
2025-12-03 22:22:20,521 sats.satellite.EO-1            INFO       <2578.50> EO-1: setting timed terminal event at 2699.1
2025-12-03 22:22:20,521 sats.satellite.EO-2            INFO       <2578.50> EO-2: action_charge tasked for 60.0 seconds
2025-12-03 22:22:20,522 sats.satellite.EO-2            INFO       <2578.50> EO-2: setting timed terminal event at 2638.5
2025-12-03 22:22:20,523 sats.satellite.EO-3            INFO       <2578.50> EO-3: target index 26 tasked
2025-12-03 22:22:20,523 sats.satellite.EO-3            INFO       <2578.50> EO-3: Target(tgt-1554) tasked for imaging
2025-12-03 22:22:20,524 sats.satellite.EO-3            INFO       <2578.50> EO-3: Target(tgt-1554) window enabled: 2776.6 to 2815.5
2025-12-03 22:22:20,524 sats.satellite.EO-3            INFO       <2578.50> EO-3: setting timed terminal event at 2815.5
2025-12-03 22:22:20,525 sats.satellite.EO-4            INFO       <2578.50> EO-4: target index 23 tasked
2025-12-03 22:22:20,527 sats.satellite.EO-4            INFO       <2578.50> EO-4: Target(tgt-3828) tasked for imaging
2025-12-03 22:22:20,527 sats.satellite.EO-4            INFO       <2578.50> EO-4: Target(tgt-3828) window enabled: 2684.1 to 2768.3
2025-12-03 22:22:20,528 sats.satellite.EO-4            INFO       <2578.50> EO-4: setting timed terminal event at 2768.3
2025-12-03 22:22:20,562 sats.satellite.EO-1            INFO       <2634.00> EO-1: imaged Target(tgt-3020)
2025-12-03 22:22:20,565 data.base                      INFO       <2634.00> Total reward: {'EO-1': np.float64(0.44820898605968074)}
2025-12-03 22:22:20,566 sats.satellite.EO-1            INFO       <2634.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:20,575 gym                            INFO       <2634.00> Step reward: {'EO-1': np.float64(0.44820898605968074)}
2025-12-03 22:22:20,576 gym                            INFO       <2634.00> === STARTING STEP ===
2025-12-03 22:22:20,576 sats.satellite.EO-0            INFO       <2634.00> EO-0: target index 22 tasked
2025-12-03 22:22:20,577 sats.satellite.EO-0            INFO       <2634.00> EO-0: Target(tgt-6875) tasked for imaging
2025-12-03 22:22:20,578 sats.satellite.EO-0            INFO       <2634.00> EO-0: Target(tgt-6875) window enabled: 2770.5 to 2834.4
2025-12-03 22:22:20,578 sats.satellite.EO-0            INFO       <2634.00> EO-0: setting timed terminal event at 2834.4
2025-12-03 22:22:20,579 sats.satellite.EO-1            INFO       <2634.00> EO-1: target index 29 tasked
2025-12-03 22:22:20,579 sats.satellite.EO-1            INFO       <2634.00> EO-1: Target(tgt-1295) tasked for imaging
2025-12-03 22:22:20,581 sats.satellite.EO-1            INFO       <2634.00> EO-1: Target(tgt-1295) window enabled: 2774.0 to 2904.1
2025-12-03 22:22:20,581 sats.satellite.EO-1            INFO       <2634.00> EO-1: setting timed terminal event at 2904.1
2025-12-03 22:22:20,582 sats.satellite.EO-2            INFO       <2634.00> EO-2: action_charge tasked for 60.0 seconds
2025-12-03 22:22:20,583 sats.satellite.EO-2            INFO       <2634.00> EO-2: setting timed terminal event at 2694.0
2025-12-03 22:22:20,584 sats.satellite.EO-3            INFO       <2634.00> EO-3: target index 14 tasked
2025-12-03 22:22:20,584 sats.satellite.EO-3            INFO       <2634.00> EO-3: Target(tgt-4370) tasked for imaging
2025-12-03 22:22:20,585 sats.satellite.EO-3            INFO       <2634.00> EO-3: Target(tgt-4370) window enabled: 2663.7 to 2729.7
2025-12-03 22:22:20,585 sats.satellite.EO-3            INFO       <2634.00> EO-3: setting timed terminal event at 2729.7
2025-12-03 22:22:20,586 sats.satellite.EO-4            INFO       <2634.00> EO-4: target index 13 tasked
2025-12-03 22:22:20,586 sats.satellite.EO-4            INFO       <2634.00> EO-4: Target(tgt-8640) tasked for imaging
2025-12-03 22:22:20,587 sats.satellite.EO-4            INFO       <2634.00> EO-4: Target(tgt-8640) window enabled: 2602.3 to 2729.1
2025-12-03 22:22:20,587 sats.satellite.EO-4            INFO       <2634.00> EO-4: setting timed terminal event at 2729.1
2025-12-03 22:22:20,610 sats.satellite.EO-4            INFO       <2669.50> EO-4: imaged Target(tgt-8640)
2025-12-03 22:22:20,613 data.base                      INFO       <2669.50> Total reward: {'EO-4': np.float64(0.048365181473461936)}
2025-12-03 22:22:20,613 sats.satellite.EO-4            INFO       <2669.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:20,624 gym                            INFO       <2669.50> Step reward: {'EO-4': np.float64(0.048365181473461936)}
2025-12-03 22:22:20,624 gym                            INFO       <2669.50> === STARTING STEP ===
2025-12-03 22:22:20,625 sats.satellite.EO-0            INFO       <2669.50> EO-0: target index 3 tasked
2025-12-03 22:22:20,625 sats.satellite.EO-0            INFO       <2669.50> EO-0: Target(tgt-6824) tasked for imaging
2025-12-03 22:22:20,626 sats.satellite.EO-0            INFO       <2669.50> EO-0: Target(tgt-6824) window enabled: 2581.7 to 2712.0
2025-12-03 22:22:20,627 sats.satellite.EO-0            INFO       <2669.50> EO-0: setting timed terminal event at 2712.0
2025-12-03 22:22:20,627 sats.satellite.EO-1            INFO       <2669.50> EO-1: target index 2 tasked
2025-12-03 22:22:20,628 sats.satellite.EO-1            INFO       <2669.50> EO-1: Target(tgt-3038) tasked for imaging
2025-12-03 22:22:20,628 sats.satellite.EO-1            INFO       <2669.50> EO-1: Target(tgt-3038) window enabled: 2555.0 to 2683.6
2025-12-03 22:22:20,629 sats.satellite.EO-1            INFO       <2669.50> EO-1: setting timed terminal event at 2683.6
2025-12-03 22:22:20,630 sats.satellite.EO-2            INFO       <2669.50> EO-2: target index 14 tasked
2025-12-03 22:22:20,630 sats.satellite.EO-2            INFO       <2669.50> EO-2: Target(tgt-6103) tasked for imaging
2025-12-03 22:22:20,631 sats.satellite.EO-2            INFO       <2669.50> EO-2: Target(tgt-6103) window enabled: 2691.3 to 2806.5
2025-12-03 22:22:20,631 sats.satellite.EO-2            INFO       <2669.50> EO-2: setting timed terminal event at 2806.5
2025-12-03 22:22:20,632 sats.satellite.EO-3            INFO       <2669.50> EO-3: target index 10 tasked
2025-12-03 22:22:20,632 sats.satellite.EO-3            INFO       <2669.50> EO-3: Target(tgt-6846) tasked for imaging
2025-12-03 22:22:20,633 sats.satellite.EO-3            INFO       <2669.50> EO-3: Target(tgt-6846) window enabled: 2640.7 to 2729.8
2025-12-03 22:22:20,634 sats.satellite.EO-3            INFO       <2669.50> EO-3: setting timed terminal event at 2729.8
2025-12-03 22:22:20,635 sats.satellite.EO-4            INFO       <2669.50> EO-4: target index 3 tasked
2025-12-03 22:22:20,635 sats.satellite.EO-4            INFO       <2669.50> EO-4: Target(tgt-2579) tasked for imaging
2025-12-03 22:22:20,636 sats.satellite.EO-4            INFO       <2669.50> EO-4: Target(tgt-2579) window enabled: 2570.5 to 2697.5
2025-12-03 22:22:20,636 sats.satellite.EO-4            INFO       <2669.50> EO-4: setting timed terminal event at 2697.5
2025-12-03 22:22:20,648 sats.satellite.EO-1            INFO       <2684.00> EO-1: timed termination at 2683.6 for Target(tgt-3038) window
2025-12-03 22:22:20,650 data.base                      INFO       <2684.00> Total reward: {}
2025-12-03 22:22:20,651 sats.satellite.EO-1            INFO       <2684.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:20,661 gym                            INFO       <2684.00> Step reward: {}
2025-12-03 22:22:20,661 gym                            INFO       <2684.00> === STARTING STEP ===
2025-12-03 22:22:20,662 sats.satellite.EO-0            INFO       <2684.00> EO-0: target index 21 tasked
2025-12-03 22:22:20,663 sats.satellite.EO-0            INFO       <2684.00> EO-0: Target(tgt-6734) tasked for imaging
2025-12-03 22:22:20,664 sats.satellite.EO-0            INFO       <2684.00> EO-0: Target(tgt-6734) window enabled: 2699.4 to 2829.3
2025-12-03 22:22:20,664 sats.satellite.EO-0            INFO       <2684.00> EO-0: setting timed terminal event at 2829.3
2025-12-03 22:22:20,665 sats.satellite.EO-1            INFO       <2684.00> EO-1: target index 5 tasked
2025-12-03 22:22:20,665 sats.satellite.EO-1            INFO       <2684.00> EO-1: Target(tgt-665) tasked for imaging
2025-12-03 22:22:20,666 sats.satellite.EO-1            INFO       <2684.00> EO-1: Target(tgt-665) window enabled: 2733.3 to 2778.1
2025-12-03 22:22:20,666 sats.satellite.EO-1            INFO       <2684.00> EO-1: setting timed terminal event at 2778.1
2025-12-03 22:22:20,667 sats.satellite.EO-2            INFO       <2684.00> EO-2: target index 16 tasked
2025-12-03 22:22:20,668 sats.satellite.EO-2            INFO       <2684.00> EO-2: Target(tgt-5036) tasked for imaging
2025-12-03 22:22:20,668 sats.satellite.EO-2            INFO       <2684.00> EO-2: Target(tgt-5036) window enabled: 2713.5 to 2829.4
2025-12-03 22:22:20,669 sats.satellite.EO-2            INFO       <2684.00> EO-2: setting timed terminal event at 2829.4
2025-12-03 22:22:20,669 sats.satellite.EO-3            INFO       <2684.00> EO-3: target index 19 tasked
2025-12-03 22:22:20,670 sats.satellite.EO-3            INFO       <2684.00> EO-3: Target(tgt-8050) tasked for imaging
2025-12-03 22:22:20,670 sats.satellite.EO-3            INFO       <2684.00> EO-3: Target(tgt-8050) window enabled: 2695.3 to 2827.5
2025-12-03 22:22:20,671 sats.satellite.EO-3            INFO       <2684.00> EO-3: setting timed terminal event at 2827.5
2025-12-03 22:22:20,672 sats.satellite.EO-4            INFO       <2684.00> EO-4: target index 28 tasked
2025-12-03 22:22:20,673 sats.satellite.EO-4            INFO       <2684.00> EO-4: Target(tgt-9447) tasked for imaging
2025-12-03 22:22:20,673 sats.satellite.EO-4            INFO       <2684.00> EO-4: Target(tgt-9447) window enabled: 2786.3 to 2883.6
2025-12-03 22:22:20,674 sats.satellite.EO-4            INFO       <2684.00> EO-4: setting timed terminal event at 2883.6
2025-12-03 22:22:20,703 sats.satellite.EO-2            INFO       <2730.50> EO-2: imaged Target(tgt-5036)
2025-12-03 22:22:20,705 data.base                      INFO       <2730.50> Total reward: {'EO-2': np.float64(0.05678531045205055)}
2025-12-03 22:22:20,706 sats.satellite.EO-2            INFO       <2730.50> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:20,715 gym                            INFO       <2730.50> Step reward: {'EO-2': np.float64(0.05678531045205055)}
2025-12-03 22:22:20,716 gym                            INFO       <2730.50> === STARTING STEP ===
2025-12-03 22:22:20,716 sats.satellite.EO-0            INFO       <2730.50> EO-0: target index 16 tasked
2025-12-03 22:22:20,717 sats.satellite.EO-0            INFO       <2730.50> EO-0: Target(tgt-6875) tasked for imaging
2025-12-03 22:22:20,718 sats.satellite.EO-0            INFO       <2730.50> EO-0: Target(tgt-6875) window enabled: 2770.5 to 2834.4
2025-12-03 22:22:20,719 sats.satellite.EO-0            INFO       <2730.50> EO-0: setting timed terminal event at 2834.4
2025-12-03 22:22:20,719 sats.satellite.EO-1            INFO       <2730.50> EO-1: target index 29 tasked
2025-12-03 22:22:20,720 sats.satellite.EO-1            INFO       <2730.50> EO-1: Target(tgt-7108) tasked for imaging
2025-12-03 22:22:20,721 sats.satellite.EO-1            INFO       <2730.50> EO-1: Target(tgt-7108) window enabled: 2843.7 to 2968.4
2025-12-03 22:22:20,722 sats.satellite.EO-1            INFO       <2730.50> EO-1: setting timed terminal event at 2968.4
2025-12-03 22:22:20,723 sats.satellite.EO-2            INFO       <2730.50> EO-2: target index 4 tasked
2025-12-03 22:22:20,723 sats.satellite.EO-2            INFO       <2730.50> EO-2: Target(tgt-8159) tasked for imaging
2025-12-03 22:22:20,724 sats.satellite.EO-2            INFO       <2730.50> EO-2: Target(tgt-8159) window enabled: 2695.8 to 2776.9
2025-12-03 22:22:20,725 sats.satellite.EO-2            INFO       <2730.50> EO-2: setting timed terminal event at 2776.9
2025-12-03 22:22:20,725 sats.satellite.EO-3            INFO       <2730.50> EO-3: target index 19 tasked
2025-12-03 22:22:20,726 sats.satellite.EO-3            INFO       <2730.50> EO-3: Target(tgt-5029) tasked for imaging
2025-12-03 22:22:20,727 sats.satellite.EO-3            INFO       <2730.50> EO-3: Target(tgt-5029) window enabled: 2807.0 to 2912.3
2025-12-03 22:22:20,727 sats.satellite.EO-3            INFO       <2730.50> EO-3: setting timed terminal event at 2912.3
2025-12-03 22:22:20,728 sats.satellite.EO-4            INFO       <2730.50> EO-4: target index 22 tasked
2025-12-03 22:22:20,728 sats.satellite.EO-4            INFO       <2730.50> EO-4: Target(tgt-880) tasked for imaging
2025-12-03 22:22:20,729 sats.satellite.EO-4            INFO       <2730.50> EO-4: Target(tgt-880) window enabled: 2777.2 to 2896.1
2025-12-03 22:22:20,729 sats.satellite.EO-4            INFO       <2730.50> EO-4: setting timed terminal event at 2896.1
2025-12-03 22:22:20,732 sats.satellite.EO-3            INFO       <2731.00> EO-3: imaged Target(tgt-5029)
2025-12-03 22:22:20,734 data.base                      INFO       <2731.00> Total reward: {'EO-3': np.float64(0.0017919874191369592)}
2025-12-03 22:22:20,735 sats.satellite.EO-3            INFO       <2731.00> EO-3: Satellite EO-3 requires retasking
2025-12-03 22:22:20,745 gym                            INFO       <2731.00> Step reward: {'EO-3': np.float64(0.0017919874191369592)}
2025-12-03 22:22:20,745 gym                            INFO       <2731.00> === STARTING STEP ===
2025-12-03 22:22:20,746 sats.satellite.EO-0            INFO       <2731.00> EO-0: target index 11 tasked
2025-12-03 22:22:20,746 sats.satellite.EO-0            INFO       <2731.00> EO-0: Target(tgt-8650) tasked for imaging
2025-12-03 22:22:20,747 sats.satellite.EO-0            INFO       <2731.00> EO-0: Target(tgt-8650) window enabled: 2688.0 to 2813.6
2025-12-03 22:22:20,748 sats.satellite.EO-0            INFO       <2731.00> EO-0: setting timed terminal event at 2813.6
2025-12-03 22:22:20,749 sats.satellite.EO-1            INFO       <2731.00> EO-1: target index 7 tasked
2025-12-03 22:22:20,750 sats.satellite.EO-1            INFO       <2731.00> EO-1: Target(tgt-3846) tasked for imaging
2025-12-03 22:22:20,750 sats.satellite.EO-1            INFO       <2731.00> EO-1: Target(tgt-3846) window enabled: 2739.8 to 2834.2
2025-12-03 22:22:20,751 sats.satellite.EO-1            INFO       <2731.00> EO-1: setting timed terminal event at 2834.2
2025-12-03 22:22:20,751 sats.satellite.EO-2            INFO       <2731.00> EO-2: target index 8 tasked
2025-12-03 22:22:20,752 sats.satellite.EO-2            INFO       <2731.00> EO-2: Target(tgt-5386) tasked for imaging
2025-12-03 22:22:20,754 sats.satellite.EO-2            INFO       <2731.00> EO-2: Target(tgt-5386) window enabled: 2770.3 to 2820.3
2025-12-03 22:22:20,754 sats.satellite.EO-2            INFO       <2731.00> EO-2: setting timed terminal event at 2820.3
2025-12-03 22:22:20,755 sats.satellite.EO-3            INFO       <2731.00> EO-3: target index 20 tasked
2025-12-03 22:22:20,756 sats.satellite.EO-3            INFO       <2731.00> EO-3: Target(tgt-7526) tasked for imaging
2025-12-03 22:22:20,756 sats.satellite.EO-3            INFO       <2731.00> EO-3: Target(tgt-7526) window enabled: 2811.2 to 2924.7
2025-12-03 22:22:20,757 sats.satellite.EO-3            INFO       <2731.00> EO-3: setting timed terminal event at 2924.7
2025-12-03 22:22:20,758 sats.satellite.EO-4            INFO       <2731.00> EO-4: action_charge tasked for 60.0 seconds
2025-12-03 22:22:20,758 sats.satellite.EO-4            INFO       <2731.00> EO-4: setting timed terminal event at 2791.0
2025-12-03 22:22:20,772 sats.satellite.EO-0            INFO       <2752.00> EO-0: imaged Target(tgt-8650)
2025-12-03 22:22:20,775 data.base                      INFO       <2752.00> Total reward: {'EO-0': np.float64(0.20227178898601877)}
2025-12-03 22:22:20,776 sats.satellite.EO-0            INFO       <2752.00> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:20,786 gym                            INFO       <2752.00> Step reward: {'EO-0': np.float64(0.20227178898601877)}
2025-12-03 22:22:20,787 gym                            INFO       <2752.00> === STARTING STEP ===
2025-12-03 22:22:20,787 sats.satellite.EO-0            INFO       <2752.00> EO-0: target index 19 tasked
2025-12-03 22:22:20,788 sats.satellite.EO-0            INFO       <2752.00> EO-0: Target(tgt-2871) tasked for imaging
2025-12-03 22:22:20,788 sats.satellite.EO-0            INFO       <2752.00> EO-0: Target(tgt-2871) window enabled: 2801.1 to 2884.8
2025-12-03 22:22:20,789 sats.satellite.EO-0            INFO       <2752.00> EO-0: setting timed terminal event at 2884.8
2025-12-03 22:22:20,790 sats.satellite.EO-1            INFO       <2752.00> EO-1: target index 1 tasked
2025-12-03 22:22:20,790 sats.satellite.EO-1            INFO       <2752.00> EO-1: Target(tgt-7156) tasked for imaging
2025-12-03 22:22:20,792 sats.satellite.EO-1            INFO       <2752.00> EO-1: Target(tgt-7156) window enabled: 2684.6 to 2779.2
2025-12-03 22:22:20,793 sats.satellite.EO-1            INFO       <2752.00> EO-1: setting timed terminal event at 2779.2
2025-12-03 22:22:20,793 sats.satellite.EO-2            INFO       <2752.00> EO-2: target index 18 tasked
2025-12-03 22:22:20,794 sats.satellite.EO-2            INFO       <2752.00> EO-2: Target(tgt-8626) tasked for imaging
2025-12-03 22:22:20,795 sats.satellite.EO-2            INFO       <2752.00> EO-2: Target(tgt-8626) window enabled: 2772.5 to 2896.1
2025-12-03 22:22:20,795 sats.satellite.EO-2            INFO       <2752.00> EO-2: setting timed terminal event at 2896.1
2025-12-03 22:22:20,796 sats.satellite.EO-3            INFO       <2752.00> EO-3: target index 11 tasked
2025-12-03 22:22:20,797 sats.satellite.EO-3            INFO       <2752.00> EO-3: Target(tgt-4934) tasked for imaging
2025-12-03 22:22:20,797 sats.satellite.EO-3            INFO       <2752.00> EO-3: Target(tgt-4934) window enabled: 2738.7 to 2842.2
2025-12-03 22:22:20,798 sats.satellite.EO-3            INFO       <2752.00> EO-3: setting timed terminal event at 2842.2
2025-12-03 22:22:20,799 sats.satellite.EO-4            INFO       <2752.00> EO-4: target index 1 tasked
2025-12-03 22:22:20,799 sats.satellite.EO-4            INFO       <2752.00> EO-4: Target(tgt-9399) tasked for imaging
2025-12-03 22:22:20,800 sats.satellite.EO-4            INFO       <2752.00> EO-4: Target(tgt-9399) window enabled: 2739.2 to 2761.2
2025-12-03 22:22:20,801 sats.satellite.EO-4            INFO       <2752.00> EO-4: setting timed terminal event at 2761.2
2025-12-03 22:22:20,807 sats.satellite.EO-4            INFO       <2761.50> EO-4: timed termination at 2761.2 for Target(tgt-9399) window
2025-12-03 22:22:20,810 data.base                      INFO       <2761.50> Total reward: {}
2025-12-03 22:22:20,810 sats.satellite.EO-4            INFO       <2761.50> EO-4: Satellite EO-4 requires retasking
2025-12-03 22:22:20,821 gym                            INFO       <2761.50> Step reward: {}
2025-12-03 22:22:20,822 gym                            INFO       <2761.50> === STARTING STEP ===
2025-12-03 22:22:20,822 sats.satellite.EO-0            INFO       <2761.50> EO-0: target index 7 tasked
2025-12-03 22:22:20,823 sats.satellite.EO-0            INFO       <2761.50> EO-0: Target(tgt-5923) tasked for imaging
2025-12-03 22:22:20,824 sats.satellite.EO-0            INFO       <2761.50> EO-0: Target(tgt-5923) window enabled: 2698.1 to 2819.0
2025-12-03 22:22:20,824 sats.satellite.EO-0            INFO       <2761.50> EO-0: setting timed terminal event at 2819.0
2025-12-03 22:22:20,825 sats.satellite.EO-1            INFO       <2761.50> EO-1: target index 4 tasked
2025-12-03 22:22:20,825 sats.satellite.EO-1            INFO       <2761.50> EO-1: Target(tgt-8110) tasked for imaging
2025-12-03 22:22:20,827 sats.satellite.EO-1            INFO       <2761.50> EO-1: Target(tgt-8110) window enabled: 2695.7 to 2824.0
2025-12-03 22:22:20,827 sats.satellite.EO-1            INFO       <2761.50> EO-1: setting timed terminal event at 2824.0
2025-12-03 22:22:20,828 sats.satellite.EO-2            INFO       <2761.50> EO-2: target index 27 tasked
2025-12-03 22:22:20,828 sats.satellite.EO-2            INFO       <2761.50> EO-2: Target(tgt-769) tasked for imaging
2025-12-03 22:22:20,829 sats.satellite.EO-2            INFO       <2761.50> EO-2: Target(tgt-769) window enabled: 2939.4 to 3000.0
2025-12-03 22:22:20,829 sats.satellite.EO-2            INFO       <2761.50> EO-2: setting timed terminal event at 3000.0
2025-12-03 22:22:20,830 sats.satellite.EO-3            INFO       <2761.50> EO-3: target index 6 tasked
2025-12-03 22:22:20,830 sats.satellite.EO-3            INFO       <2761.50> EO-3: Target(tgt-6100) tasked for imaging
2025-12-03 22:22:20,832 sats.satellite.EO-3            INFO       <2761.50> EO-3: Target(tgt-6100) window enabled: 2693.7 to 2822.0
2025-12-03 22:22:20,832 sats.satellite.EO-3            INFO       <2761.50> EO-3: setting timed terminal event at 2822.0
2025-12-03 22:22:20,833 sats.satellite.EO-4            INFO       <2761.50> EO-4: target index 2 tasked
2025-12-03 22:22:20,833 sats.satellite.EO-4            INFO       <2761.50> EO-4: Target(tgt-8147) tasked for imaging
2025-12-03 22:22:20,834 sats.satellite.EO-4            INFO       <2761.50> EO-4: Target(tgt-8147) window enabled: 2719.9 to 2791.2
2025-12-03 22:22:20,834 sats.satellite.EO-4            INFO       <2761.50> EO-4: setting timed terminal event at 2791.2
2025-12-03 22:22:20,848 sats.satellite.EO-0            INFO       <2781.50> EO-0: imaged Target(tgt-5923)
2025-12-03 22:22:20,850 data.base                      INFO       <2781.50> Total reward: {'EO-0': np.float64(0.16696042053189292)}
2025-12-03 22:22:20,851 sats.satellite.EO-0            INFO       <2781.50> EO-0: Satellite EO-0 requires retasking
2025-12-03 22:22:20,860 gym                            INFO       <2781.50> Step reward: {'EO-0': np.float64(0.16696042053189292)}
2025-12-03 22:22:20,861 gym                            INFO       <2781.50> === STARTING STEP ===
2025-12-03 22:22:20,861 sats.satellite.EO-0            INFO       <2781.50> EO-0: target index 22 tasked
2025-12-03 22:22:20,862 sats.satellite.EO-0            INFO       <2781.50> EO-0: Target(tgt-1385) tasked for imaging
2025-12-03 22:22:20,862 sats.satellite.EO-0            INFO       <2781.50> EO-0: Target(tgt-1385) window enabled: 2854.6 to 2980.1
2025-12-03 22:22:20,863 sats.satellite.EO-0            INFO       <2781.50> EO-0: setting timed terminal event at 2980.1
2025-12-03 22:22:20,864 sats.satellite.EO-1            INFO       <2781.50> EO-1: target index 15 tasked
2025-12-03 22:22:20,864 sats.satellite.EO-1            INFO       <2781.50> EO-1: Target(tgt-310) tasked for imaging
2025-12-03 22:22:20,865 sats.satellite.EO-1            INFO       <2781.50> EO-1: Target(tgt-310) window enabled: 2779.8 to 2910.0
2025-12-03 22:22:20,865 sats.satellite.EO-1            INFO       <2781.50> EO-1: setting timed terminal event at 2910.0
2025-12-03 22:22:20,866 sats.satellite.EO-2            INFO       <2781.50> EO-2: target index 15 tasked
2025-12-03 22:22:20,866 sats.satellite.EO-2            INFO       <2781.50> EO-2: Target(tgt-8626) tasked for imaging
2025-12-03 22:22:20,868 sats.satellite.EO-2            INFO       <2781.50> EO-2: Target(tgt-8626) window enabled: 2772.5 to 2896.1
2025-12-03 22:22:20,869 sats.satellite.EO-2            INFO       <2781.50> EO-2: setting timed terminal event at 2896.1
2025-12-03 22:22:20,870 sats.satellite.EO-3            INFO       <2781.50> EO-3: target index 12 tasked
2025-12-03 22:22:20,870 sats.satellite.EO-3            INFO       <2781.50> EO-3: Target(tgt-4835) tasked for imaging
2025-12-03 22:22:20,871 sats.satellite.EO-3            INFO       <2781.50> EO-3: Target(tgt-4835) window enabled: 2801.7 to 2883.3
2025-12-03 22:22:20,871 sats.satellite.EO-3            INFO       <2781.50> EO-3: setting timed terminal event at 2883.3
2025-12-03 22:22:20,872 sats.satellite.EO-4            INFO       <2781.50> EO-4: target index 21 tasked
2025-12-03 22:22:20,872 sats.satellite.EO-4            INFO       <2781.50> EO-4: Target(tgt-5949) tasked for imaging
2025-12-03 22:22:20,873 sats.satellite.EO-4            INFO       <2781.50> EO-4: Target(tgt-5949) window enabled: 2854.8 to 2924.8
2025-12-03 22:22:20,873 sats.satellite.EO-4            INFO       <2781.50> EO-4: setting timed terminal event at 2924.8
2025-12-03 22:22:20,899 sats.satellite.EO-2            INFO       <2822.50> EO-2: imaged Target(tgt-8626)
2025-12-03 22:22:20,901 data.base                      INFO       <2822.50> Total reward: {'EO-2': np.float64(0.04653702402313166)}
2025-12-03 22:22:20,902 sats.satellite.EO-2            INFO       <2822.50> EO-2: Satellite EO-2 requires retasking
2025-12-03 22:22:20,904 sats.satellite.EO-0            INFO       <2822.50> EO-0: Finding opportunity windows from 3000.00 to 3600.00 seconds
2025-12-03 22:22:21,284 gym                            INFO       <2822.50> Step reward: {'EO-2': np.float64(0.04653702402313166)}
2025-12-03 22:22:21,285 gym                            INFO       <2822.50> === STARTING STEP ===
2025-12-03 22:22:21,285 sats.satellite.EO-0            INFO       <2822.50> EO-0: target index 25 tasked
2025-12-03 22:22:21,286 sats.satellite.EO-0            INFO       <2822.50> EO-0: Target(tgt-6015) tasked for imaging
2025-12-03 22:22:21,287 sats.satellite.EO-0            INFO       <2822.50> EO-0: Target(tgt-6015) window enabled: 2902.9 to 3030.6
2025-12-03 22:22:21,287 sats.satellite.EO-0            INFO       <2822.50> EO-0: setting timed terminal event at 3030.6
2025-12-03 22:22:21,289 sats.satellite.EO-1            INFO       <2822.50> EO-1: target index 3 tasked
2025-12-03 22:22:21,289 sats.satellite.EO-1            INFO       <2822.50> EO-1: Target(tgt-2940) tasked for imaging
2025-12-03 22:22:21,291 sats.satellite.EO-1            INFO       <2822.50> EO-1: Target(tgt-2940) window enabled: 2718.5 to 2840.5
2025-12-03 22:22:21,291 sats.satellite.EO-1            INFO       <2822.50> EO-1: setting timed terminal event at 2840.5
2025-12-03 22:22:21,292 sats.satellite.EO-2            INFO       <2822.50> EO-2: target index 24 tasked
2025-12-03 22:22:21,293 sats.satellite.EO-2            INFO       <2822.50> EO-2: Target(tgt-2896) tasked for imaging
2025-12-03 22:22:21,293 sats.satellite.EO-2            INFO       <2822.50> EO-2: Target(tgt-2896) window enabled: 2894.7 to 3000.0
2025-12-03 22:22:21,294 sats.satellite.EO-2            INFO       <2822.50> EO-2: setting timed terminal event at 3000.0
2025-12-03 22:22:21,295 sats.satellite.EO-3            INFO       <2822.50> EO-3: target index 14 tasked
2025-12-03 22:22:21,296 sats.satellite.EO-3            INFO       <2822.50> EO-3: Target(tgt-2502) tasked for imaging
2025-12-03 22:22:21,297 sats.satellite.EO-3            INFO       <2822.50> EO-3: Target(tgt-2502) window enabled: 2825.9 to 2933.5
2025-12-03 22:22:21,297 sats.satellite.EO-3            INFO       <2822.50> EO-3: setting timed terminal event at 2933.5
2025-12-03 22:22:21,298 sats.satellite.EO-4            INFO       <2822.50> EO-4: action_charge tasked for 60.0 seconds
2025-12-03 22:22:21,299 sats.satellite.EO-4            INFO       <2822.50> EO-4: setting timed terminal event at 2882.5
2025-12-03 22:22:21,311 sats.satellite.EO-1            INFO       <2841.00> EO-1: timed termination at 2840.5 for Target(tgt-2940) window
2025-12-03 22:22:21,314 data.base                      INFO       <2841.00> Total reward: {}
2025-12-03 22:22:21,314 sats.satellite.EO-1            INFO       <2841.00> EO-1: Satellite EO-1 requires retasking
2025-12-03 22:22:21,319 sats.satellite.EO-2            INFO       <2841.00> EO-2: Finding opportunity windows from 3000.00 to 3600.00 seconds
2025-12-03 22:22:21,648 gym                            INFO       <2841.00> Step reward: {}
2025-12-03 22:22:21,649 gym                            INFO       <2841.00> === STARTING STEP ===
2025-12-03 22:22:21,650 sats.satellite.EO-0            INFO       <2841.00> EO-0: target index 20 tasked
2025-12-03 22:22:21,650 sats.satellite.EO-0            INFO       <2841.00> EO-0: Target(tgt-4769) tasked for imaging
2025-12-03 22:22:21,651 sats.satellite.EO-0            INFO       <2841.00> EO-0: Target(tgt-4769) window enabled: 2970.2 to 3086.3
2025-12-03 22:22:21,652 sats.satellite.EO-0            INFO       <2841.00> EO-0: setting timed terminal event at 3086.3
2025-12-03 22:22:21,652 sats.satellite.EO-1            INFO       <2841.00> EO-1: target index 21 tasked
2025-12-03 22:22:21,653 sats.satellite.EO-1            INFO       <2841.00> EO-1: Target(tgt-6071) tasked for imaging
2025-12-03 22:22:21,654 sats.satellite.EO-1            INFO       <2841.00> EO-1: Target(tgt-6071) window enabled: 2892.3 to 2983.9
2025-12-03 22:22:21,654 sats.satellite.EO-1            INFO       <2841.00> EO-1: setting timed terminal event at 2983.9
2025-12-03 22:22:21,655 sats.satellite.EO-2            INFO       <2841.00> EO-2: target index 11 tasked
2025-12-03 22:22:21,655 sats.satellite.EO-2            INFO       <2841.00> EO-2: Target(tgt-1861) tasked for imaging
2025-12-03 22:22:21,656 sats.satellite.EO-2            INFO       <2841.00> EO-2: Target(tgt-1861) window enabled: 2822.7 to 2949.4
2025-12-03 22:22:21,656 sats.satellite.EO-2            INFO       <2841.00> EO-2: setting timed terminal event at 2949.4
2025-12-03 22:22:21,658 sats.satellite.EO-3            INFO       <2841.00> EO-3: target index 29 tasked
2025-12-03 22:22:21,658 sats.satellite.EO-3            INFO       <2841.00> EO-3: Target(tgt-5865) tasked for imaging
2025-12-03 22:22:21,659 sats.satellite.EO-3            INFO       <2841.00> EO-3: Target(tgt-5865) window enabled: 2893.9 to 3000.0
2025-12-03 22:22:21,660 sats.satellite.EO-3            INFO       <2841.00> EO-3: setting timed terminal event at 3000.0
2025-12-03 22:22:21,661 sats.satellite.EO-4            INFO       <2841.00> EO-4: target index 8 tasked
2025-12-03 22:22:21,661 sats.satellite.EO-4            INFO       <2841.00> EO-4: Target(tgt-2728) tasked for imaging
2025-12-03 22:22:21,662 sats.satellite.EO-4            INFO       <2841.00> EO-4: Target(tgt-2728) window enabled: 2756.2 to 2883.7
2025-12-03 22:22:21,662 sats.satellite.EO-4            INFO       <2841.00> EO-4: setting timed terminal event at 2883.7
2025-12-03 22:22:21,672 data.base                      INFO       <2850.00> Total reward: {}
2025-12-03 22:22:21,681 gym                            INFO       <2850.00> Step reward: {}
2025-12-03 22:22:21,682 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.