gym-csle-stopping-game 0.6.2__tar.gz → 0.6.4__tar.gz
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of gym-csle-stopping-game might be problematic. Click here for more details.
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/PKG-INFO +1 -1
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/setup.cfg +5 -5
- gym_csle_stopping_game-0.6.4/src/gym_csle_stopping_game/__version__.py +1 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/envs/stopping_game_env.py +0 -103
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/envs/stopping_game_pomdp_defender_env.py +0 -27
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game.egg-info/PKG-INFO +1 -1
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game.egg-info/requires.txt +5 -5
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/tests/test_stopping_game_env.py +19 -58
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/tests/test_stopping_game_mdp_attacker_env.py +36 -19
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/tests/test_stopping_game_pomdp_defender_env.py +24 -12
- gym_csle_stopping_game-0.6.2/src/gym_csle_stopping_game/__version__.py +0 -1
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/pyproject.toml +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/setup.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/__init__.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/constants/__init__.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/constants/constants.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/dao/__init__.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/dao/stopping_game_attacker_mdp_config.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/dao/stopping_game_config.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/dao/stopping_game_defender_pomdp_config.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/dao/stopping_game_state.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/envs/__init__.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/envs/stopping_game_mdp_attacker_env.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/util/__init__.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/util/stopping_game_util.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game.egg-info/SOURCES.txt +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game.egg-info/dependency_links.txt +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game.egg-info/not-zip-safe +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game.egg-info/top_level.txt +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/tests/test_stopping_game_dao.py +0 -0
- {gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/tests/test_stopping_game_util.py +0 -0
|
@@ -20,11 +20,11 @@ classifiers =
|
|
|
20
20
|
[options]
|
|
21
21
|
install_requires =
|
|
22
22
|
gymnasium>=0.27.1
|
|
23
|
-
csle-base>=0.6.
|
|
24
|
-
csle-common>=0.6.
|
|
25
|
-
csle-attacker>=0.6.
|
|
26
|
-
csle-defender>=0.6.
|
|
27
|
-
csle-collector>=0.6.
|
|
23
|
+
csle-base>=0.6.4
|
|
24
|
+
csle-common>=0.6.4
|
|
25
|
+
csle-attacker>=0.6.4
|
|
26
|
+
csle-defender>=0.6.4
|
|
27
|
+
csle-collector>=0.6.4
|
|
28
28
|
python_requires = >=3.8
|
|
29
29
|
package_dir =
|
|
30
30
|
=src
|
|
@@ -0,0 +1 @@
|
|
|
1
|
+
__version__ = '0.6.4'
|
|
@@ -7,24 +7,10 @@ import math
|
|
|
7
7
|
import csle_common.constants.constants as constants
|
|
8
8
|
from csle_common.dao.simulation_config.base_env import BaseEnv
|
|
9
9
|
from csle_common.dao.simulation_config.simulation_trace import SimulationTrace
|
|
10
|
-
from csle_common.dao.training.policy import Policy
|
|
11
|
-
from csle_common.dao.emulation_config.emulation_env_state import EmulationEnvState
|
|
12
|
-
from csle_common.dao.emulation_config.emulation_env_config import EmulationEnvConfig
|
|
13
|
-
from csle_common.dao.simulation_config.simulation_env_config import SimulationEnvConfig
|
|
14
|
-
from csle_common.dao.emulation_config.emulation_simulation_trace import EmulationSimulationTrace
|
|
15
|
-
from csle_common.dao.emulation_action.attacker.emulation_attacker_stopping_actions \
|
|
16
|
-
import EmulationAttackerStoppingActions
|
|
17
|
-
from csle_common.dao.emulation_action.attacker.emulation_attacker_action import EmulationAttackerAction
|
|
18
|
-
from csle_common.dao.emulation_action.defender.emulation_defender_stopping_actions \
|
|
19
|
-
import EmulationDefenderStoppingActions
|
|
20
|
-
from csle_common.metastore.metastore_facade import MetastoreFacade
|
|
21
|
-
from csle_common.logging.log import Logger
|
|
22
|
-
from csle_system_identification.emulator import Emulator
|
|
23
10
|
from gym_csle_stopping_game.util.stopping_game_util import StoppingGameUtil
|
|
24
11
|
from gym_csle_stopping_game.dao.stopping_game_config import StoppingGameConfig
|
|
25
12
|
from gym_csle_stopping_game.dao.stopping_game_state import StoppingGameState
|
|
26
13
|
import gym_csle_stopping_game.constants.constants as env_constants
|
|
27
|
-
from csle_common.dao.emulation_config.emulation_trace import EmulationTrace
|
|
28
14
|
|
|
29
15
|
|
|
30
16
|
class StoppingGameEnv(BaseEnv):
|
|
@@ -244,95 +230,6 @@ class StoppingGameEnv(BaseEnv):
|
|
|
244
230
|
info[env_constants.ENV_METRICS.TIME_STEP] = self.state.t
|
|
245
231
|
return (defender_obs, attacker_obs), info
|
|
246
232
|
|
|
247
|
-
@staticmethod
|
|
248
|
-
def emulation_evaluation(env: "StoppingGameEnv", n_episodes: int, intrusion_seq: List[EmulationAttackerAction],
|
|
249
|
-
defender_policy: Policy,
|
|
250
|
-
attacker_policy: Policy,
|
|
251
|
-
emulation_env_config: EmulationEnvConfig,
|
|
252
|
-
simulation_env_config: SimulationEnvConfig
|
|
253
|
-
) -> List[EmulationSimulationTrace]:
|
|
254
|
-
"""
|
|
255
|
-
Utility function for evaluating a strategy profile in the emulation environment
|
|
256
|
-
|
|
257
|
-
:param env: the environment to use for evaluation
|
|
258
|
-
:param n_episodes: the number of evaluation episodes
|
|
259
|
-
:param intrusion_seq: the intrusion sequence for the evaluation (sequence of attacker actions)
|
|
260
|
-
:param defender_policy: the defender policy for the evaluation
|
|
261
|
-
:param attacker_policy: the attacker policy for the evaluation
|
|
262
|
-
:param emulation_env_config: configuration of the emulation environment for the evaluation
|
|
263
|
-
:param simulation_env_config: configuration of the simulation environment for the evaluation
|
|
264
|
-
:return: traces with the evaluation results
|
|
265
|
-
"""
|
|
266
|
-
logger = Logger.__call__().get_logger()
|
|
267
|
-
traces = []
|
|
268
|
-
s = EmulationEnvState(emulation_env_config=emulation_env_config)
|
|
269
|
-
s.initialize_defender_machines()
|
|
270
|
-
for i in range(n_episodes):
|
|
271
|
-
done = False
|
|
272
|
-
defender_obs_space = simulation_env_config.joint_observation_space_config.observation_spaces[0]
|
|
273
|
-
b = env.state.b1
|
|
274
|
-
o, _ = env.reset()
|
|
275
|
-
(d_obs, a_obs) = o
|
|
276
|
-
t = 0
|
|
277
|
-
s.reset()
|
|
278
|
-
emulation_trace = EmulationTrace(initial_attacker_observation_state=s.attacker_obs_state,
|
|
279
|
-
initial_defender_observation_state=s.defender_obs_state,
|
|
280
|
-
emulation_name=emulation_env_config.name)
|
|
281
|
-
simulation_trace = SimulationTrace(simulation_env=env.config.env_name)
|
|
282
|
-
while not done:
|
|
283
|
-
a1 = defender_policy.action(d_obs)
|
|
284
|
-
a2 = attacker_policy.action(a_obs)
|
|
285
|
-
o, r, done, info, _ = env.step((a1, a2))
|
|
286
|
-
(d_obs, a_obs) = o
|
|
287
|
-
r_1, r_2 = r
|
|
288
|
-
logger.debug(f"a1:{a1}, a2:{a2}, d_obs:{d_obs}, a_obs:{a_obs}, r:{r}, done:{done}, info: {info}")
|
|
289
|
-
if a1 == 0:
|
|
290
|
-
defender_action = EmulationDefenderStoppingActions.CONTINUE(index=-1)
|
|
291
|
-
else:
|
|
292
|
-
defender_action = EmulationDefenderStoppingActions.CONTINUE(index=-1)
|
|
293
|
-
if env.state.s == 1:
|
|
294
|
-
if t >= len(intrusion_seq):
|
|
295
|
-
t = 0
|
|
296
|
-
attacker_action = intrusion_seq[t]
|
|
297
|
-
else:
|
|
298
|
-
attacker_action = EmulationAttackerStoppingActions.CONTINUE(index=-1)
|
|
299
|
-
emulation_trace, s = Emulator.run_actions(
|
|
300
|
-
s=s,
|
|
301
|
-
emulation_env_config=emulation_env_config, attacker_action=attacker_action,
|
|
302
|
-
defender_action=defender_action, trace=emulation_trace,
|
|
303
|
-
sleep_time=emulation_env_config.kafka_config.time_step_len_seconds)
|
|
304
|
-
o_components = [s.defender_obs_state.snort_ids_alert_counters.severe_alerts,
|
|
305
|
-
s.defender_obs_state.snort_ids_alert_counters.warning_alerts,
|
|
306
|
-
s.defender_obs_state.aggregated_host_metrics.num_failed_login_attempts]
|
|
307
|
-
o_components_str = ",".join(list(map(lambda x: str(x), o_components)))
|
|
308
|
-
logger.debug(f"o_components:{o_components}")
|
|
309
|
-
logger.debug(f"observation_id_to_observation_vector_inv:"
|
|
310
|
-
f"{defender_obs_space.observation_id_to_observation_vector_inv}")
|
|
311
|
-
logger.debug(f"observation_id_to_observation_vector_inv:"
|
|
312
|
-
f"{o_components_str in defender_obs_space.observation_id_to_observation_vector_inv}")
|
|
313
|
-
emulation_o = 0
|
|
314
|
-
if o_components_str in defender_obs_space.observation_id_to_observation_vector_inv:
|
|
315
|
-
emulation_o = defender_obs_space.observation_id_to_observation_vector_inv[o_components_str]
|
|
316
|
-
logger.debug(f"o:{emulation_o}")
|
|
317
|
-
b = StoppingGameUtil.next_belief(o=emulation_o, a1=a1, b=b, pi2=a2, config=env.config,
|
|
318
|
-
l=env.state.l, a2=a2)
|
|
319
|
-
d_obs[1] = b[1]
|
|
320
|
-
a_obs[1] = b[1]
|
|
321
|
-
logger.debug(f"b:{b}")
|
|
322
|
-
simulation_trace.defender_rewards.append(r_1)
|
|
323
|
-
simulation_trace.attacker_rewards.append(r_2)
|
|
324
|
-
simulation_trace.attacker_actions.append(a2)
|
|
325
|
-
simulation_trace.defender_actions.append(a1)
|
|
326
|
-
simulation_trace.infos.append(info)
|
|
327
|
-
simulation_trace.states.append(s)
|
|
328
|
-
simulation_trace.beliefs.append(b[1])
|
|
329
|
-
simulation_trace.infrastructure_metrics.append(emulation_o)
|
|
330
|
-
|
|
331
|
-
em_sim_trace = EmulationSimulationTrace(emulation_trace=emulation_trace, simulation_trace=simulation_trace)
|
|
332
|
-
MetastoreFacade.save_emulation_simulation_trace(em_sim_trace)
|
|
333
|
-
traces.append(em_sim_trace)
|
|
334
|
-
return traces
|
|
335
|
-
|
|
336
233
|
def render(self, mode: str = 'human'):
|
|
337
234
|
"""
|
|
338
235
|
Renders the environment. Supported rendering modes: (1) human; and (2) rgb_array
|
|
@@ -4,12 +4,7 @@ import numpy.typing as npt
|
|
|
4
4
|
from csle_common.dao.simulation_config.base_env import BaseEnv
|
|
5
5
|
from gym_csle_stopping_game.dao.stopping_game_defender_pomdp_config import StoppingGameDefenderPomdpConfig
|
|
6
6
|
from csle_common.dao.simulation_config.simulation_trace import SimulationTrace
|
|
7
|
-
from csle_common.dao.training.policy import Policy
|
|
8
|
-
from csle_common.dao.emulation_config.emulation_env_config import EmulationEnvConfig
|
|
9
|
-
from csle_common.dao.simulation_config.simulation_env_config import SimulationEnvConfig
|
|
10
|
-
from csle_common.dao.emulation_config.emulation_simulation_trace import EmulationSimulationTrace
|
|
11
7
|
from csle_common.dao.emulation_config.emulation_trace import EmulationTrace
|
|
12
|
-
from csle_common.dao.emulation_action.attacker.emulation_attacker_action import EmulationAttackerAction
|
|
13
8
|
from gym_csle_stopping_game.envs.stopping_game_env import StoppingGameEnv
|
|
14
9
|
from gym_csle_stopping_game.util.stopping_game_util import StoppingGameUtil
|
|
15
10
|
|
|
@@ -103,28 +98,6 @@ class StoppingGamePomdpDefenderEnv(BaseEnv):
|
|
|
103
98
|
defender_obs = o[0]
|
|
104
99
|
return defender_obs, r[0], d, info
|
|
105
100
|
|
|
106
|
-
@staticmethod
|
|
107
|
-
def emulation_evaluation(env: "StoppingGamePomdpDefenderEnv",
|
|
108
|
-
n_episodes: int, intrusion_seq: List[EmulationAttackerAction],
|
|
109
|
-
defender_policy: Policy,
|
|
110
|
-
emulation_env_config: EmulationEnvConfig, simulation_env_config: SimulationEnvConfig) \
|
|
111
|
-
-> List[EmulationSimulationTrace]:
|
|
112
|
-
"""
|
|
113
|
-
Utility function for evaluating policies in the emulation environment
|
|
114
|
-
|
|
115
|
-
:param env: the environment to use for evaluation
|
|
116
|
-
:param n_episodes: the number of episodes to use for evaluation
|
|
117
|
-
:param intrusion_seq: the sequence of intrusion actions to use for evaluation
|
|
118
|
-
:param defender_policy: the defender policy to use for evaluation
|
|
119
|
-
:param emulation_env_config: the configuration of the emulation environment to use for evaluation
|
|
120
|
-
:param simulation_env_config: the configuration of the simulation environment to use for evaluation
|
|
121
|
-
:return: traces with the evaluation results
|
|
122
|
-
"""
|
|
123
|
-
return StoppingGameEnv.emulation_evaluation(
|
|
124
|
-
env=env.stopping_game_env, n_episodes=n_episodes, intrusion_seq=intrusion_seq,
|
|
125
|
-
defender_policy=defender_policy, attacker_policy=env.static_attacker_strategy,
|
|
126
|
-
emulation_env_config=emulation_env_config, simulation_env_config=simulation_env_config)
|
|
127
|
-
|
|
128
101
|
def is_defense_action_legal(self, defense_action_id: int) -> bool:
|
|
129
102
|
"""
|
|
130
103
|
Checks whether a defender action in the environment is legal or not
|
|
@@ -1,9 +1,9 @@
|
|
|
1
1
|
gymnasium>=0.27.1
|
|
2
|
-
csle-base>=0.6.
|
|
3
|
-
csle-common>=0.6.
|
|
4
|
-
csle-attacker>=0.6.
|
|
5
|
-
csle-defender>=0.6.
|
|
6
|
-
csle-collector>=0.6.
|
|
2
|
+
csle-base>=0.6.4
|
|
3
|
+
csle-common>=0.6.4
|
|
4
|
+
csle-attacker>=0.6.4
|
|
5
|
+
csle-defender>=0.6.4
|
|
6
|
+
csle-collector>=0.6.4
|
|
7
7
|
|
|
8
8
|
[testing]
|
|
9
9
|
pytest>=6.0
|
{gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/tests/test_stopping_game_env.py
RENAMED
|
@@ -1,8 +1,9 @@
|
|
|
1
1
|
from typing import Dict, Any
|
|
2
2
|
import pytest
|
|
3
3
|
from unittest.mock import patch, MagicMock
|
|
4
|
-
from
|
|
4
|
+
from gymnasium.spaces import Box, Discrete
|
|
5
5
|
import numpy as np
|
|
6
|
+
from gym_csle_stopping_game.util.stopping_game_util import StoppingGameUtil
|
|
6
7
|
from gym_csle_stopping_game.envs.stopping_game_env import StoppingGameEnv
|
|
7
8
|
from gym_csle_stopping_game.dao.stopping_game_config import StoppingGameConfig
|
|
8
9
|
from gym_csle_stopping_game.dao.stopping_game_state import StoppingGameState
|
|
@@ -23,19 +24,19 @@ class TestStoppingGameEnvSuite:
|
|
|
23
24
|
:return: None
|
|
24
25
|
"""
|
|
25
26
|
env_name = "test_env"
|
|
26
|
-
T =
|
|
27
|
-
O =
|
|
28
|
-
Z =
|
|
27
|
+
T = StoppingGameUtil.transition_tensor(L=3, p=0)
|
|
28
|
+
O = StoppingGameUtil.observation_space(n=100)
|
|
29
|
+
Z = StoppingGameUtil.observation_tensor(n=100)
|
|
29
30
|
R = np.zeros((2, 3, 3, 3))
|
|
30
|
-
S =
|
|
31
|
-
A1 =
|
|
32
|
-
A2 =
|
|
31
|
+
S = StoppingGameUtil.state_space()
|
|
32
|
+
A1 = StoppingGameUtil.defender_actions()
|
|
33
|
+
A2 = StoppingGameUtil.attacker_actions()
|
|
33
34
|
L = 2
|
|
34
35
|
R_INT = 1
|
|
35
36
|
R_COST = 2
|
|
36
37
|
R_SLA = 3
|
|
37
38
|
R_ST = 4
|
|
38
|
-
b1 =
|
|
39
|
+
b1 = StoppingGameUtil.b1()
|
|
39
40
|
save_dir = "save_directory"
|
|
40
41
|
checkpoint_traces_freq = 100
|
|
41
42
|
gamma = 0.9
|
|
@@ -69,12 +70,12 @@ class TestStoppingGameEnvSuite:
|
|
|
69
70
|
|
|
70
71
|
:return: None
|
|
71
72
|
"""
|
|
72
|
-
T =
|
|
73
|
-
O =
|
|
74
|
-
A1 =
|
|
75
|
-
A2 =
|
|
73
|
+
T = StoppingGameUtil.transition_tensor(L=3, p=0)
|
|
74
|
+
O = StoppingGameUtil.observation_space(n=100)
|
|
75
|
+
A1 = StoppingGameUtil.defender_actions()
|
|
76
|
+
A2 = StoppingGameUtil.attacker_actions()
|
|
76
77
|
L = 2
|
|
77
|
-
b1 =
|
|
78
|
+
b1 = StoppingGameUtil.b1()
|
|
78
79
|
attacker_observation_space = Box(
|
|
79
80
|
low=np.array([0.0, 0.0, 0.0]),
|
|
80
81
|
high=np.array([float(L), 1.0, 2.0]),
|
|
@@ -304,7 +305,7 @@ class TestStoppingGameEnvSuite:
|
|
|
304
305
|
assert not env.is_state_terminal(state_tuple)
|
|
305
306
|
|
|
306
307
|
with pytest.raises(ValueError):
|
|
307
|
-
env.is_state_terminal([1, 2, 3])
|
|
308
|
+
env.is_state_terminal([1, 2, 3]) # type: ignore
|
|
308
309
|
|
|
309
310
|
def test_get_observation_from_history(self) -> None:
|
|
310
311
|
"""
|
|
@@ -346,26 +347,6 @@ class TestStoppingGameEnvSuite:
|
|
|
346
347
|
:return: None
|
|
347
348
|
"""
|
|
348
349
|
env = StoppingGameEnv(self.config)
|
|
349
|
-
env.state = MagicMock()
|
|
350
|
-
env.state.s = 1
|
|
351
|
-
env.state.l = 2
|
|
352
|
-
env.state.t = 0
|
|
353
|
-
env.state.attacker_observation.return_value = np.array([1, 2, 3])
|
|
354
|
-
env.state.defender_observation.return_value = np.array([4, 5, 6])
|
|
355
|
-
env.state.b = np.array([0.5, 0.5, 0.0])
|
|
356
|
-
|
|
357
|
-
env.trace = MagicMock()
|
|
358
|
-
env.trace.defender_rewards = []
|
|
359
|
-
env.trace.attacker_rewards = []
|
|
360
|
-
env.trace.attacker_actions = []
|
|
361
|
-
env.trace.defender_actions = []
|
|
362
|
-
env.trace.infos = []
|
|
363
|
-
env.trace.states = []
|
|
364
|
-
env.trace.beliefs = []
|
|
365
|
-
env.trace.infrastructure_metrics = []
|
|
366
|
-
env.trace.attacker_observations = []
|
|
367
|
-
env.trace.defender_observations = []
|
|
368
|
-
|
|
369
350
|
with patch("gym_csle_stopping_game.util.stopping_game_util.StoppingGameUtil.sample_next_state",
|
|
370
351
|
return_value=2):
|
|
371
352
|
with patch("gym_csle_stopping_game.util.stopping_game_util.StoppingGameUtil.sample_next_observation",
|
|
@@ -376,7 +357,7 @@ class TestStoppingGameEnvSuite:
|
|
|
376
357
|
1,
|
|
377
358
|
(
|
|
378
359
|
np.array(
|
|
379
|
-
[[0.2, 0.8
|
|
360
|
+
[[0.2, 0.8], [0.6, 0.4], [0.5, 0.5], [0.5, 0.5]]
|
|
380
361
|
),
|
|
381
362
|
2,
|
|
382
363
|
),
|
|
@@ -384,24 +365,12 @@ class TestStoppingGameEnvSuite:
|
|
|
384
365
|
observations, rewards, terminated, truncated, info = env.step(
|
|
385
366
|
action_profile
|
|
386
367
|
)
|
|
387
|
-
|
|
388
|
-
assert
|
|
389
|
-
assert (observations[1] == np.array([1, 2, 3])).all(), "Incorrect attacker observations"
|
|
368
|
+
assert observations[0].all() == np.array([1, 0.7]).all(), "Incorrect defender observations"
|
|
369
|
+
assert observations[1].all() == np.array([1, 2, 3]).all(), "Incorrect attacker observations"
|
|
390
370
|
assert rewards == (0, 0)
|
|
391
371
|
assert not terminated
|
|
392
372
|
assert not truncated
|
|
393
|
-
|
|
394
|
-
assert env.trace.attacker_rewards[-1] == 0
|
|
395
|
-
assert env.trace.attacker_actions[-1] == 2
|
|
396
|
-
assert env.trace.defender_actions[-1] == 1
|
|
397
|
-
assert env.trace.infos[-1] == info
|
|
398
|
-
assert env.trace.states[-1] == 2
|
|
399
|
-
print(env.trace.beliefs)
|
|
400
|
-
assert env.trace.beliefs[-1] == 0.7
|
|
401
|
-
assert env.trace.infrastructure_metrics[-1] == 1
|
|
402
|
-
assert (env.trace.attacker_observations[-1] == np.array([1, 2, 3])).all()
|
|
403
|
-
assert (env.trace.defender_observations[-1] == np.array([4, 5, 6])).all()
|
|
404
|
-
|
|
373
|
+
|
|
405
374
|
def test_info(self) -> None:
|
|
406
375
|
"""
|
|
407
376
|
Tests the function of adding the cumulative reward and episode length to the info dict
|
|
@@ -418,11 +387,3 @@ class TestStoppingGameEnvSuite:
|
|
|
418
387
|
info: Dict[str, Any] = {}
|
|
419
388
|
updated_info = env._info(info)
|
|
420
389
|
assert updated_info[env_constants.ENV_METRICS.RETURN] == sum(env.trace.defender_rewards)
|
|
421
|
-
|
|
422
|
-
def test_emulation_evaluation(self) -> None:
|
|
423
|
-
"""
|
|
424
|
-
Tests the function for evaluating a strategy profile in the emulation environment
|
|
425
|
-
|
|
426
|
-
:return: None
|
|
427
|
-
"""
|
|
428
|
-
StoppingGameEnv(self.config)
|
|
@@ -5,8 +5,12 @@ from gym_csle_stopping_game.dao.stopping_game_config import StoppingGameConfig
|
|
|
5
5
|
from gym_csle_stopping_game.dao.stopping_game_attacker_mdp_config import (
|
|
6
6
|
StoppingGameAttackerMdpConfig,
|
|
7
7
|
)
|
|
8
|
+
from gym_csle_stopping_game.util.stopping_game_util import StoppingGameUtil
|
|
8
9
|
from gym_csle_stopping_game.envs.stopping_game_env import StoppingGameEnv
|
|
9
10
|
from csle_common.dao.training.policy import Policy
|
|
11
|
+
from csle_common.dao.training.random_policy import RandomPolicy
|
|
12
|
+
from csle_common.dao.training.player_type import PlayerType
|
|
13
|
+
from csle_common.dao.simulation_config.action import Action
|
|
10
14
|
import pytest
|
|
11
15
|
from unittest.mock import MagicMock
|
|
12
16
|
import numpy as np
|
|
@@ -25,19 +29,19 @@ class TestStoppingGameMdpAttackerEnvSuite:
|
|
|
25
29
|
:return: None
|
|
26
30
|
"""
|
|
27
31
|
env_name = "test_env"
|
|
28
|
-
T =
|
|
29
|
-
O =
|
|
30
|
-
Z =
|
|
32
|
+
T = StoppingGameUtil.transition_tensor(L=3, p=0)
|
|
33
|
+
O = StoppingGameUtil.observation_space(n=100)
|
|
34
|
+
Z = StoppingGameUtil.observation_tensor(n=100)
|
|
31
35
|
R = np.zeros((2, 3, 3, 3))
|
|
32
|
-
S =
|
|
33
|
-
A1 =
|
|
34
|
-
A2 =
|
|
36
|
+
S = StoppingGameUtil.state_space()
|
|
37
|
+
A1 = StoppingGameUtil.defender_actions()
|
|
38
|
+
A2 = StoppingGameUtil.attacker_actions()
|
|
35
39
|
L = 2
|
|
36
40
|
R_INT = 1
|
|
37
41
|
R_COST = 2
|
|
38
42
|
R_SLA = 3
|
|
39
43
|
R_ST = 4
|
|
40
|
-
b1 =
|
|
44
|
+
b1 = StoppingGameUtil.b1()
|
|
41
45
|
save_dir = "save_directory"
|
|
42
46
|
checkpoint_traces_freq = 100
|
|
43
47
|
gamma = 0.9
|
|
@@ -107,9 +111,8 @@ class TestStoppingGameMdpAttackerEnvSuite:
|
|
|
107
111
|
)
|
|
108
112
|
|
|
109
113
|
env = StoppingGameMdpAttackerEnv(config=attacker_mdp_config)
|
|
110
|
-
|
|
111
|
-
assert
|
|
112
|
-
assert info == {}
|
|
114
|
+
info = env.reset()
|
|
115
|
+
assert info[-1] == {}
|
|
113
116
|
|
|
114
117
|
def test_set_model(self) -> None:
|
|
115
118
|
"""
|
|
@@ -144,7 +147,7 @@ class TestStoppingGameMdpAttackerEnvSuite:
|
|
|
144
147
|
)
|
|
145
148
|
|
|
146
149
|
env = StoppingGameMdpAttackerEnv(config=attacker_mdp_config)
|
|
147
|
-
assert not env.set_state(1)
|
|
150
|
+
assert not env.set_state(1) # type: ignore
|
|
148
151
|
|
|
149
152
|
def test_calculate_stage_policy(self) -> None:
|
|
150
153
|
"""
|
|
@@ -190,7 +193,7 @@ class TestStoppingGameMdpAttackerEnvSuite:
|
|
|
190
193
|
def test_render(self) -> None:
|
|
191
194
|
"""
|
|
192
195
|
Tests the function for rendering the environment
|
|
193
|
-
|
|
196
|
+
|
|
194
197
|
:return: None
|
|
195
198
|
"""
|
|
196
199
|
defender_strategy = MagicMock(spec=Policy)
|
|
@@ -317,7 +320,7 @@ class TestStoppingGameMdpAttackerEnvSuite:
|
|
|
317
320
|
particles = [1, 2, 3]
|
|
318
321
|
t = 0
|
|
319
322
|
observation = 0
|
|
320
|
-
expected_actions = [0, 1
|
|
323
|
+
expected_actions = [0, 1]
|
|
321
324
|
assert (
|
|
322
325
|
env.get_actions_from_particles(particles, t, observation)
|
|
323
326
|
== expected_actions
|
|
@@ -326,18 +329,32 @@ class TestStoppingGameMdpAttackerEnvSuite:
|
|
|
326
329
|
def test_step(self) -> None:
|
|
327
330
|
"""
|
|
328
331
|
Tests the function for taking a step in the environment by executing the given action
|
|
329
|
-
|
|
332
|
+
|
|
330
333
|
:return: None
|
|
331
334
|
"""
|
|
332
|
-
|
|
335
|
+
defender_stage_strategy = np.zeros((3, 2))
|
|
336
|
+
defender_stage_strategy[0][0] = 0.9
|
|
337
|
+
defender_stage_strategy[0][1] = 0.1
|
|
338
|
+
defender_stage_strategy[1][0] = 0.9
|
|
339
|
+
defender_stage_strategy[1][1] = 0.1
|
|
340
|
+
defender_actions = list(map(lambda x: Action(id=x, descr=""), self.config.A1))
|
|
341
|
+
defender_strategy = RandomPolicy(
|
|
342
|
+
actions=defender_actions,
|
|
343
|
+
player_type=PlayerType.DEFENDER,
|
|
344
|
+
stage_policy_tensor=list(defender_stage_strategy),
|
|
345
|
+
)
|
|
333
346
|
attacker_mdp_config = StoppingGameAttackerMdpConfig(
|
|
334
347
|
env_name="test_env",
|
|
335
348
|
stopping_game_config=self.config,
|
|
336
349
|
defender_strategy=defender_strategy,
|
|
337
350
|
stopping_game_name="csle-stopping-game-v1",
|
|
338
351
|
)
|
|
339
|
-
|
|
340
352
|
env = StoppingGameMdpAttackerEnv(config=attacker_mdp_config)
|
|
341
|
-
|
|
342
|
-
|
|
343
|
-
|
|
353
|
+
env.reset()
|
|
354
|
+
pi2 = env.calculate_stage_policy(o=list(env.latest_attacker_obs), a2=0) # type: ignore
|
|
355
|
+
attacker_obs, reward, terminated, truncated, info = env.step(pi2)
|
|
356
|
+
assert isinstance(attacker_obs[0], float) # type: ignore
|
|
357
|
+
assert isinstance(terminated, bool) # type: ignore
|
|
358
|
+
assert isinstance(truncated, bool) # type: ignore
|
|
359
|
+
assert isinstance(reward, float) # type: ignore
|
|
360
|
+
assert isinstance(info, dict) # type: ignore
|
|
@@ -1,9 +1,14 @@
|
|
|
1
|
-
from gym_csle_stopping_game.envs.stopping_game_pomdp_defender_env import
|
|
1
|
+
from gym_csle_stopping_game.envs.stopping_game_pomdp_defender_env import (
|
|
2
|
+
StoppingGamePomdpDefenderEnv,
|
|
3
|
+
)
|
|
2
4
|
from gym_csle_stopping_game.dao.stopping_game_config import StoppingGameConfig
|
|
3
|
-
from gym_csle_stopping_game.dao.stopping_game_defender_pomdp_config import
|
|
5
|
+
from gym_csle_stopping_game.dao.stopping_game_defender_pomdp_config import (
|
|
6
|
+
StoppingGameDefenderPomdpConfig,
|
|
7
|
+
)
|
|
4
8
|
from gym_csle_stopping_game.envs.stopping_game_env import StoppingGameEnv
|
|
5
9
|
from gym_csle_stopping_game.util.stopping_game_util import StoppingGameUtil
|
|
6
10
|
from csle_common.dao.training.policy import Policy
|
|
11
|
+
from csle_common.dao.simulation_config.action import Action
|
|
7
12
|
from csle_common.dao.training.random_policy import RandomPolicy
|
|
8
13
|
from csle_common.dao.training.player_type import PlayerType
|
|
9
14
|
import pytest
|
|
@@ -219,7 +224,7 @@ class TestStoppingGamePomdpDefenderEnvSuite:
|
|
|
219
224
|
stopping_game_name="csle-stopping-game-v1",
|
|
220
225
|
)
|
|
221
226
|
env = StoppingGamePomdpDefenderEnv(config=defender_pomdp_config)
|
|
222
|
-
assert env.set_state(1) is None
|
|
227
|
+
assert env.set_state(1) is None # type: ignore
|
|
223
228
|
|
|
224
229
|
def test_get_observation_from_history(self) -> None:
|
|
225
230
|
"""
|
|
@@ -301,7 +306,10 @@ class TestStoppingGamePomdpDefenderEnvSuite:
|
|
|
301
306
|
t = 0
|
|
302
307
|
observation = 0
|
|
303
308
|
expected_actions = [0, 1]
|
|
304
|
-
assert
|
|
309
|
+
assert (
|
|
310
|
+
env.get_actions_from_particles(particles, t, observation)
|
|
311
|
+
== expected_actions
|
|
312
|
+
)
|
|
305
313
|
|
|
306
314
|
def test_step(self) -> None:
|
|
307
315
|
"""
|
|
@@ -315,8 +323,12 @@ class TestStoppingGamePomdpDefenderEnvSuite:
|
|
|
315
323
|
attacker_stage_strategy[1][0] = 0.9
|
|
316
324
|
attacker_stage_strategy[1][1] = 0.1
|
|
317
325
|
attacker_stage_strategy[2] = attacker_stage_strategy[1]
|
|
318
|
-
|
|
319
|
-
|
|
326
|
+
attacker_actions = list(map(lambda x: Action(id=x, descr=""), self.config.A2))
|
|
327
|
+
attacker_strategy = RandomPolicy(
|
|
328
|
+
actions=attacker_actions,
|
|
329
|
+
player_type=PlayerType.ATTACKER,
|
|
330
|
+
stage_policy_tensor=list(attacker_stage_strategy),
|
|
331
|
+
)
|
|
320
332
|
defender_pomdp_config = StoppingGameDefenderPomdpConfig(
|
|
321
333
|
env_name="test_env",
|
|
322
334
|
stopping_game_config=self.config,
|
|
@@ -328,9 +340,9 @@ class TestStoppingGamePomdpDefenderEnvSuite:
|
|
|
328
340
|
env.reset()
|
|
329
341
|
defender_obs, reward, terminated, truncated, info = env.step(a1)
|
|
330
342
|
assert len(defender_obs) == 2
|
|
331
|
-
assert isinstance(defender_obs[0], float)
|
|
332
|
-
assert isinstance(defender_obs[1], float)
|
|
333
|
-
assert isinstance(reward, float)
|
|
334
|
-
assert isinstance(terminated, bool)
|
|
335
|
-
assert isinstance(truncated, bool)
|
|
336
|
-
assert isinstance(info, dict)
|
|
343
|
+
assert isinstance(defender_obs[0], float) # type: ignore
|
|
344
|
+
assert isinstance(defender_obs[1], float) # type: ignore
|
|
345
|
+
assert isinstance(reward, float) # type: ignore
|
|
346
|
+
assert isinstance(terminated, bool) # type: ignore
|
|
347
|
+
assert isinstance(truncated, bool) # type: ignore
|
|
348
|
+
assert isinstance(info, dict) # type: ignore
|
|
@@ -1 +0,0 @@
|
|
|
1
|
-
__version__ = '0.6.2'
|
|
File without changes
|
|
File without changes
|
{gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/src/gym_csle_stopping_game/__init__.py
RENAMED
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
{gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/tests/test_stopping_game_dao.py
RENAMED
|
File without changes
|
{gym_csle_stopping_game-0.6.2 → gym_csle_stopping_game-0.6.4}/tests/test_stopping_game_util.py
RENAMED
|
File without changes
|