diff --git a/hw2/agent.py b/hw2/agent.py index 25c89fb..fe83fb0 100644 --- a/hw2/agent.py +++ b/hw2/agent.py @@ -2,7 +2,7 @@ import os import torch import torch.optim as optim from copy import deepcopy -from model import QNetwork, DuelingQNetwork +from model import QNetwork, DuelingQNetwork, NoisyQNetwork from gymnasium.wrappers import TimeLimit class DQNAgent: @@ -10,10 +10,17 @@ class DQNAgent: self.device = device self.use_double = cfg.use_double self.use_dueling = cfg.use_dueling + self.use_noisy = cfg.use_noisy + self.noisy_sigma = cfg.noisy_sigma self.target_update_interval = cfg.target_update_interval - q_model = DuelingQNetwork if self.use_dueling else QNetwork - - self.q_net = q_model(state_size, action_size, cfg.hidden_size, cfg.activation).to(self.device) + q_model = QNetwork + if self.use_dueling: + q_model = DuelingQNetwork + if self.use_noisy: + q_model = NoisyQNetwork + self.q_net = q_model(state_size, action_size, cfg.hidden_size, cfg.activation, sigma_init=cfg.noisy_sigma).to(self.device) + else: + self.q_net = q_model(state_size, action_size, cfg.hidden_size, cfg.activation).to(self.device) self.target_net = deepcopy(self.q_net).to(self.device) self.optimizer = optim.AdamW(self.q_net.parameters(), lr=cfg.lr) @@ -51,12 +58,14 @@ class DQNAgent: if self.use_double: # YOUR IMPLEMENTATION HERE reward_tensor = reward.to(self.device) - # update from batch states via q_net - next_q_tensor = self.q_net(next_state.to(self.device)) + next_q_tensor = self.target_net(next_state.to(self.device)) + next_action = torch.argmax(self.q_net(next_state.to(self.device)), dim=1).unsqueeze(1) + # print(next_q_tensor.shape, next_action.shape) # return the max Q value - next_q = torch.max(next_q_tensor, dim=1).values + next_q = torch.gather(next_q_tensor, dim=1, index=next_action).squeeze(1) q_target = reward_tensor + (1-done.to(self.device)) * self.gamma * next_q return q_target + else: # YOUR IMPLEMENTATION HERE reward_tensor = reward.to(self.device) @@ -73,22 +82,14 @@ class DQNAgent: """ ############################ # YOUR IMPLEMENTATION HERE # - if use_double_net: - # get from target net - q_tensor = self.target_net(state.to(self.device)) - action_idx = action.squeeze(1).to(dtype=torch.int32).to(self.device) - # select corresponding action, do not use index_select... That don't works - q = q_tensor.gather(1, action_idx.unsqueeze(1)).squeeze(1) - return q - else: - # elegant python move by Jack Wu. Fantastic... - # q= self.q_net(state.to(self.device))[:, action.int()] - # update from batch states - q_tensor = self.q_net(state.to(self.device)) - action_idx = action.squeeze(1).to(dtype=torch.int32).to(self.device) - # select corresponding action, do not use index_select... That don't works - q = q_tensor.gather(1, action_idx.unsqueeze(1)).squeeze(1) - return q + # elegant python move by Jack Wu. Fantastic... + # q= self.q_net(state.to(self.device))[:, action.int()] + # update from batch states + q_tensor = self.q_net(state.to(self.device)) + action_idx = action.squeeze(1).to(dtype=torch.int32).to(self.device) + # select corresponding action, do not use index_select... That don't works + q = q_tensor.gather(1, action_idx.unsqueeze(1)).squeeze(1) + return q ############################ def update(self, batch, step, weights=None): @@ -123,5 +124,7 @@ class DQNAgent: def __repr__(self) -> str: use_double = 'Double' if self.use_double else '' use_dueling = 'Dueling' if self.use_dueling else '' - prefix = 'Normal' if not self.use_double and not self.use_dueling else '' - return use_double + use_dueling + prefix + 'QNetwork' + use_noisy = 'Noisy' if self.use_noisy else '' + prefix = 'Normal' if not self.use_double and not self.use_dueling and not self.use_noisy else '' + suffix = f'with noisy sigma={self.noisy_sigma}' if self.use_noisy else '' + return use_double + use_dueling + use_noisy+ prefix + 'QNetwork' + suffix diff --git a/hw2/buffer.py b/hw2/buffer.py index 19f4b71..26e8792 100644 --- a/hw2/buffer.py +++ b/hw2/buffer.py @@ -85,14 +85,13 @@ class NStepReplayBuffer(ReplayBuffer): """Get n-step state, action, reward and done for the transition, discard those rewards after done=True""" ############################ # YOUR IMPLEMENTATION HERE # - state, action, reward, done = self.n_step_buffer[0] + state, action, reward, done = self.n_step_buffer.popleft() # compute n-step discounted reward - gamma = self.gamma - for i in range(1, len(self.n_step_buffer)): - if done: + for i in range(self.n_step - 1): + reward += self.gamma**(i+1) * self.n_step_buffer[i][2] + # ignore done steps + if self.n_step_buffer[i][3]: break - reward += gamma * self.n_step_buffer[i][2] - gamma *= self.gamma ############################ return state, action, reward, done @@ -192,11 +191,12 @@ class PrioritizedNStepReplayBuffer(PrioritizedReplayBuffer): # YOUR IMPLEMENTATION HERE # state, action, reward, done = self.n_step_buffer[0] # compute n-step discounted reward - gamma = self.gamma - for i in range(1, len(self.n_step_buffer)): - if done: + state, action, reward, done = self.n_step_buffer.popleft() + # compute n-step discounted reward + for i in range(self.n_step - 1): + reward += self.gamma**(i+1) * self.n_step_buffer[i][2] + # ignore done steps + if self.n_step_buffer[i][3]: break - reward += gamma * self.n_step_buffer[i][2] - gamma *= self.gamma ############################ return state, action, reward, done \ No newline at end of file diff --git a/hw2/cfgs/config.yaml b/hw2/cfgs/config.yaml index 31aee82..4a924fd 100644 --- a/hw2/cfgs/config.yaml +++ b/hw2/cfgs/config.yaml @@ -26,6 +26,8 @@ agent: # you can define other parameters of the __init__ function (if any) for the object here use_dueling: False use_double: False + use_noisy: False + noisy_sigma: 0.5 buffer: capacity: 50_000 diff --git a/hw2/commands/4-8.sh b/hw2/commands/4-8.sh new file mode 100644 index 0000000..7c286a3 --- /dev/null +++ b/hw2/commands/4-8.sh @@ -0,0 +1 @@ +python main.py agent.use_noisy=true agent.noisy_sigma=0.017 \ No newline at end of file diff --git a/hw2/model.py b/hw2/model.py index 72d7a9d..45c8b79 100644 --- a/hw2/model.py +++ b/hw2/model.py @@ -2,6 +2,10 @@ from hydra.utils import instantiate import torch import torch.nn as nn +# additional imports for extra credit +import math +import torch.nn.functional as F + class QNetwork(nn.Module): def __init__(self, state_size, action_size, hidden_size, activation): @@ -49,5 +53,55 @@ class DuelingQNetwork(nn.Module): ############################ return Qs +# Extra credit: implementing Noisy DQN +class NoisyLinear(nn.Linear): + + # code reference from: + # (1) https://github.com/PacktPublishing/Deep-Reinforcement-Learning-Hands-On/blob/baa9d013596ea8ea8ed6826b9de6679d98b897ca/Chapter07/lib/dqn_model.py#L9 + # (2) https://github.com/thomashirtz/noisy-networks/blob/main/noisynetworks.py + + def __init__(self, in_features, out_features, sigma_init=0.5, bias=True): + super().__init__(in_features, out_features, bias=bias) + # assume noise is gaussian, set sigma as learnable parameters + self.sigma_weight = nn.Parameter(torch.full((out_features, in_features), sigma_init)) + self.register_buffer('epsilon_weight', torch.full((out_features, in_features), sigma_init)) + if bias: + self.sigma_bias = nn.Parameter(torch.full((out_features,), sigma_init)) + self.register_buffer('epsilon_bias', torch.full((out_features,), sigma_init)) - \ No newline at end of file + self.reset_parameters() + + def reset_parameters(self): + """ + Reset the weights and bias of the noisy linear layer to a uniform distribution with std dev of sqrt(3 / in_features) + """ + std = math.sqrt(3 / self.in_features) + self.weight.data.uniform_(-std, std) + self.bias.data.uniform_(-std, std) + + def forward(self, input): + """ + Forward pass of noisy linear layer, adding gaussian noise to the weight and bias + """ + self.epsilon_weight.normal_() + weight = self.weight + self.sigma_weight * self.epsilon_weight.data + bias = self.bias + if bias is not None: + self.epsilon_bias.normal_() + bias = bias + self.sigma_bias * self.epsilon_bias.data + return F.linear(input, weight, bias) + +class NoisyQNetwork(nn.Module): + def __init__(self, state_size, action_size, hidden_size, activation, sigma_init=0.5): + super(NoisyQNetwork, self).__init__() + self.q_head = nn.Sequential( + NoisyLinear(state_size, hidden_size, sigma_init=sigma_init), + instantiate(activation), + NoisyLinear(hidden_size, hidden_size, sigma_init=sigma_init), + instantiate(activation), + NoisyLinear(hidden_size, action_size, sigma_init=sigma_init) + ) + + def forward(self, state): + Qs = self.q_head(state) + return Qs \ No newline at end of file diff --git a/result.aux b/result.aux index 7289211..2158d8d 100644 --- a/result.aux +++ b/result.aux @@ -1,5 +1,15 @@ \relax -\newlabel{1}{{{1}}{1}{}{}{}} -\newlabel{2}{{{2}}{1}{}{}{}} -\newlabel{3}{{{3}}{1}{}{}{}} -\gdef \@abspage@last{4} +\providecommand\hyper@newdestlabel[2]{} +\providecommand\HyField@AuxAddToFields[1]{} +\providecommand\HyField@AuxAddToCoFields[2]{} +\newlabel{1}{{{1}}{2}{}{AMS.1}{}} +\newlabel{2}{{{2}}{2}{}{AMS.2}{}} +\newlabel{3}{{{3}}{2}{}{AMS.3}{}} +\@writefile{lof}{\contentsline {figure}{\numberline {1}{\ignorespaces DQN. Nothing to say but what expected from training.}}{4}{figure.1}\protected@file@percent } +\@writefile{lof}{\contentsline {figure}{\numberline {2}{\ignorespaces Double DQN. I found there is interesting camel like bump for q-value when training with Double DQN. It is less stable than the vanilla DQN.}}{4}{figure.2}\protected@file@percent } +\@writefile{lof}{\contentsline {figure}{\numberline {3}{\ignorespaces Dueling DQN. Using Advantage network creates comparable results as the DQN.}}{4}{figure.3}\protected@file@percent } +\@writefile{lof}{\contentsline {figure}{\numberline {4}{\ignorespaces Prioritized Experience Replay. Using this alone makes the training process less stable and loss is significantly higher than the previous methods.}}{5}{figure.4}\protected@file@percent } +\@writefile{lof}{\contentsline {figure}{\numberline {5}{\ignorespaces N-Step Experience Replay. So far the most stable method of training, especially when the replay buffer size is large. However, when the replay buffer size is too small, typically $\le 70$, the training process may not converge to optimal performance.}}{5}{figure.5}\protected@file@percent } +\@writefile{lof}{\contentsline {figure}{\numberline {6}{\ignorespaces NStep + PER. Combining the two methods counter the unstable loss function for training in PER.}}{6}{figure.6}\protected@file@percent } +\@writefile{lof}{\contentsline {figure}{\numberline {7}{\ignorespaces Noisy DQN. Experiment for sigma = 0.017 gets comparable result with normal DQN. Stability issue persist when sigma is too large.}}{6}{figure.7}\protected@file@percent } +\gdef \@abspage@last{7} diff --git a/result.fdb_latexmk b/result.fdb_latexmk index 9cf870e..f334ffb 100644 --- a/result.fdb_latexmk +++ b/result.fdb_latexmk @@ -1,6 +1,8 @@ # Fdb version 4 -["pdflatex"] 1760230164.51698 "d:/Documents/Nextcloud/Documents/Project WUSTL/Academic/2025_Fall/CSE5100/Homeworks/hw2/result.tex" "result.pdf" "result" 1760230165.61579 0 +["pdflatex"] 1760491970.16853 "d:/Documents/Nextcloud/Documents/Project WUSTL/Academic/2025_Fall/CSE5100/Homeworks/hw2/result.tex" "result.pdf" "result" 1760491972.62655 0 + "c:/texlive/2023/texmf-dist/fonts/enc/dvips/cm-super/cm-super-ts1.enc" 1708989547 2900 1537cc8184ad1792082cd229ecc269f4 "" "c:/texlive/2023/texmf-dist/fonts/map/fontname/texfonts.map" 1708990624 3524 cb3e574dea2d1052e39280babc910dc8 "" + "c:/texlive/2023/texmf-dist/fonts/tfm/jknappen/ec/tcrm1095.tfm" 1708990172 1536 02c06700a42be0f5a28664c7273f82e7 "" "c:/texlive/2023/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmex7.tfm" 1708988591 1004 54797486969f23fa377b128694d548df "" "c:/texlive/2023/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmex8.tfm" 1708988591 988 bdf658c3bfc2d96d3c8b02cfc1c94c20 "" "c:/texlive/2023/texmf-dist/fonts/tfm/public/amsfonts/symbols/msam10.tfm" 1708988591 916 f87d7c45f9c908e672703b83b72241a3 "" @@ -19,6 +21,7 @@ "c:/texlive/2023/texmf-dist/fonts/tfm/public/cm/cmsy6.tfm" 1708989536 1116 933a60c408fc0a863a92debe84b2d294 "" "c:/texlive/2023/texmf-dist/fonts/tfm/public/cm/cmsy8.tfm" 1708989536 1120 8b7d695260f3cff42e636090a8002094 "" "c:/texlive/2023/texmf-dist/fonts/tfm/public/cm/cmti10.tfm" 1708989536 1480 aa8e34af0eb6a2941b776984cf1dfdc4 "" + "c:/texlive/2023/texmf-dist/fonts/tfm/public/cm/cmtt10.tfm" 1708989536 768 1321e9409b4137d6fb428ac9dc956269 "" "c:/texlive/2023/texmf-dist/fonts/tfm/public/rsfs/rsfs10.tfm" 1708993366 688 37338d6ab346c2f1466b29e195316aa4 "" "c:/texlive/2023/texmf-dist/fonts/tfm/public/rsfs/rsfs5.tfm" 1708993366 684 3a51bd4fd9600428d5264cf25f04bb9a "" "c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx10.pfb" 1708988591 34811 78b52f49e893bcba91bd7581cdc144c0 "" @@ -31,9 +34,22 @@ "c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmsy6.pfb" 1708988591 32587 65067f817f408bc71a7312f3d9828a9b "" "c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmsy8.pfb" 1708988591 32626 5abc8bb2f28aa647d4c70f8ea38cc0d3 "" "c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmti10.pfb" 1708988591 37944 359e864bd06cde3b1cf57bb20757fb06 "" + "c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmtt10.pfb" 1708988591 31099 342ef5a582aacbd3346f3cf4579679fa "" "c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/symbols/msbm10.pfb" 1708988591 34694 870c211f62cb72718a00e353f14f254d "" + "c:/texlive/2023/texmf-dist/fonts/type1/public/cm-super/sfrm1095.pfb" 1708989547 145929 5c9aebea9ba6e33fc93158c04a3bdcd8 "" "c:/texlive/2023/texmf-dist/tex/context/base/mkii/supp-pdf.mkii" 1708992232 71627 94eb9990bed73c364d7f53f960cc8c5b "" + "c:/texlive/2023/texmf-dist/tex/generic/atbegshi/atbegshi.sty" 1708988730 24708 5584a51a7101caf7e6bbf1fc27d8f7b1 "" + "c:/texlive/2023/texmf-dist/tex/generic/bigintcalc/bigintcalc.sty" 1708989153 40635 c40361e206be584d448876bba8a64a3b "" + "c:/texlive/2023/texmf-dist/tex/generic/bitset/bitset.sty" 1708989167 33961 6b5c75130e435b2bfdb9f480a09a39f9 "" + "c:/texlive/2023/texmf-dist/tex/generic/gettitlestring/gettitlestring.sty" 1708990766 8371 9d55b8bd010bc717624922fb3477d92e "" + "c:/texlive/2023/texmf-dist/tex/generic/iftex/iftex.sty" 1708991184 7237 bdd120a32c8fdb4b433cf9ca2e7cd98a "" + "c:/texlive/2023/texmf-dist/tex/generic/infwarerr/infwarerr.sty" 1708991215 8356 7bbb2c2373aa810be568c29e333da8ed "" + "c:/texlive/2023/texmf-dist/tex/generic/intcalc/intcalc.sty" 1708991235 31769 002a487f55041f8e805cfbf6385ffd97 "" + "c:/texlive/2023/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty" 1708991455 5412 d5a2436094cd7be85769db90f29250a6 "" "c:/texlive/2023/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty" 1708991801 17865 1a9bd36b4f98178fa551aca822290953 "" + "c:/texlive/2023/texmf-dist/tex/generic/pdfescape/pdfescape.sty" 1708992674 19007 15924f7228aca6c6d184b115f4baa231 "" + "c:/texlive/2023/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty" 1708992705 20089 80423eac55aa175305d35b49e04fe23b "" + "c:/texlive/2023/texmf-dist/tex/generic/uniquecounter/uniquecounter.sty" 1708994449 7008 f92eaa0a3872ed622bbf538217cd2ab7 "" "c:/texlive/2023/texmf-dist/tex/latex/amscls/amsthm.sty" 1708988587 12594 0d51ac3a545aaaa555021326ff22a6cc "" "c:/texlive/2023/texmf-dist/tex/latex/amsfonts/amsfonts.sty" 1708988591 5949 3f3fd50a8cc94c3d4cbf4fc66cd3df1c "" "c:/texlive/2023/texmf-dist/tex/latex/amsfonts/amssymb.sty" 1708988591 13829 94730e64147574077f8ecfea9bb69af4 "" @@ -44,17 +60,28 @@ "c:/texlive/2023/texmf-dist/tex/latex/amsmath/amsmath.sty" 1708988596 88371 d84032c0f422c3d1e282266c01bef237 "" "c:/texlive/2023/texmf-dist/tex/latex/amsmath/amsopn.sty" 1708988596 4474 b811654f4bf125f11506d13d13647efb "" "c:/texlive/2023/texmf-dist/tex/latex/amsmath/amstext.sty" 1708988596 2444 0d0c1ee65478277e8015d65b86983da2 "" + "c:/texlive/2023/texmf-dist/tex/latex/atveryend/atveryend.sty" 1708988739 19336 ce7ae9438967282886b3b036cfad1e4d "" + "c:/texlive/2023/texmf-dist/tex/latex/auxhook/auxhook.sty" 1708988768 3935 57aa3c3e203a5c2effb4d2bd2efbc323 "" "c:/texlive/2023/texmf-dist/tex/latex/base/article.cls" 1708991500 20144 147463a6a579f4597269ef9565205cfe "" + "c:/texlive/2023/texmf-dist/tex/latex/base/atbegshi-ltx.sty" 1708991500 3045 273c666a54e60b9f730964f431a56c1b "" + "c:/texlive/2023/texmf-dist/tex/latex/base/atveryend-ltx.sty" 1708991500 2462 6bc53756156dbd71c1ad550d30a3b93f "" "c:/texlive/2023/texmf-dist/tex/latex/base/size11.clo" 1708991500 8464 59874a3b0776c73e2a138b025d8473dd "" "c:/texlive/2023/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty" 1708990302 13886 d1306dcf79a944f6988e688c1785f9ce "" "c:/texlive/2023/texmf-dist/tex/latex/etoolbox/etoolbox.sty" 1708990361 46845 3b58f70c6e861a13d927bff09d35ecbc "" "c:/texlive/2023/texmf-dist/tex/latex/fancyhdr/fancyhdr.sty" 1708990446 18450 88279bf67c81e69f8e3f1c1bad1a26c5 "" + "c:/texlive/2023/texmf-dist/tex/latex/float/float.sty" 1708990580 6749 16d2656a1984957e674b149555f1ea1d "" "c:/texlive/2023/texmf-dist/tex/latex/graphics-cfg/graphics.cfg" 1708990878 1224 978390e9c2234eab29404bc21b268d1e "" "c:/texlive/2023/texmf-dist/tex/latex/graphics-def/pdftex.def" 1708990879 19448 1e988b341dda20961a6b931bcde55519 "" "c:/texlive/2023/texmf-dist/tex/latex/graphics/graphics.sty" 1708990876 18387 8f900a490197ebaf93c02ae9476d4b09 "" "c:/texlive/2023/texmf-dist/tex/latex/graphics/graphicx.sty" 1708990876 8010 a8d949cbdbc5c983593827c9eec252e1 "" "c:/texlive/2023/texmf-dist/tex/latex/graphics/keyval.sty" 1708990876 2671 7e67d78d9b88c845599a85b2d41f2e39 "" "c:/texlive/2023/texmf-dist/tex/latex/graphics/trig.sty" 1708990876 4023 293ea1c16429fc0c4cf605f4da1791a9 "" + "c:/texlive/2023/texmf-dist/tex/latex/hycolor/hycolor.sty" 1708991092 17914 4c28a13fc3d975e6e81c9bea1d697276 "" + "c:/texlive/2023/texmf-dist/tex/latex/hyperref/hpdftex.def" 1708991102 48154 e46bf8adeb936500541441171d61726d "" + "c:/texlive/2023/texmf-dist/tex/latex/hyperref/hyperref.sty" 1708991102 220920 fd3cbb5f1a2bc9b8f451b8b7d8171264 "" + "c:/texlive/2023/texmf-dist/tex/latex/hyperref/nameref.sty" 1708991102 11026 182c63f139a71afd30a28e5f1ed2cd1c "" + "c:/texlive/2023/texmf-dist/tex/latex/hyperref/pd1enc.def" 1708991102 14249 e67cb186717b7ab18d14a4875e7e98b5 "" + "c:/texlive/2023/texmf-dist/tex/latex/hyperref/puenc.def" 1708991102 117112 05831178ece2cad4d9629dcf65099b11 "" "c:/texlive/2023/texmf-dist/tex/latex/jknapltx/mathrsfs.sty" 1708991316 300 12fa6f636b617656f2810ee82cb05015 "" "c:/texlive/2023/texmf-dist/tex/latex/jknapltx/ursfs.fd" 1708991316 548 cc4e3557704bfed27c7002773fad6c90 "" "c:/texlive/2023/texmf-dist/tex/latex/kvoptions/kvoptions.sty" 1708991458 22555 6d8e155cfef6d82c3d5c742fea7c992e "" @@ -65,16 +92,28 @@ "c:/texlive/2023/texmf-dist/tex/latex/mathtools/mhsetup.sty" 1708991994 5582 a43dedf8e5ec418356f1e9dfe5d29fc3 "" "c:/texlive/2023/texmf-dist/tex/latex/parskip/parskip.sty" 1708992628 4288 94714aa7f535440f33181fec52a31963 "" "c:/texlive/2023/texmf-dist/tex/latex/preprint/fullpage.sty" 1708992914 2789 05b418f78b224ec872f5b11081138605 "" + "c:/texlive/2023/texmf-dist/tex/latex/refcount/refcount.sty" 1708993268 9878 9e94e8fa600d95f9c7731bb21dfb67a4 "" + "c:/texlive/2023/texmf-dist/tex/latex/rerunfilecheck/rerunfilecheck.sty" 1708993294 9714 ba3194bd52c8499b3f1e3eb91d409670 "" "c:/texlive/2023/texmf-dist/tex/latex/tools/calc.sty" 1708994243 10214 547fd4d29642cb7c80bf54b49d447f01 "" + "c:/texlive/2023/texmf-dist/tex/latex/url/url.sty" 1708994494 12796 8edb7d69a20b857904dd0ea757c14ec9 "" "c:/texlive/2023/texmf-dist/web2c/texmf.cnf" 1708988443 41009 84b61f42d16d06bedb915f57aa2374cf "" "c:/texlive/2023/texmf-var/fonts/map/pdftex/updmap/pdftex.map" 1708994999 5518052 de2a91c664d75f3971de4662dc6b5a65 "" "c:/texlive/2023/texmf-var/web2c/pdftex/pdflatex.fmt" 1708995327 8220658 fb4d14532342a0ef5245dd396c4a1bd1 "" "c:/texlive/2023/texmf.cnf" 1708994944 713 e69b156964470283e0530f5060668171 "" - "d:/Documents/Nextcloud/Documents/Project WUSTL/Academic/2025_Fall/CSE5100/Homeworks/hw2/result.tex" 1760230163 6257 29867be9781c52dc4faad49bb0cba6fa "" - "result.aux" 1760230165 119 495be67432001ea8f4f9fa642ad39ad3 "pdflatex" - "result.tex" 1760230163 6257 29867be9781c52dc4faad49bb0cba6fa "" + "d:/Documents/Nextcloud/Documents/Project WUSTL/Academic/2025_Fall/CSE5100/Homeworks/hw2/result.tex" 1760491969 10252 4b623ef8b8c8e01ee79b1be0d47dadd2 "" + "result.aux" 1760491972 1925 503142906fd718693c8f6c9386c260f9 "pdflatex" + "result.out" 1760491971 0 d41d8cd98f00b204e9800998ecf8427e "pdflatex" + "result.tex" 1760491969 10252 4b623ef8b8c8e01ee79b1be0d47dadd2 "" + "runs/DQN/results.png" 1760413579 78748 522d4ff2da0cc1db482579c8f93c9fb2 "" + "runs/Double DQN/results.png" 1760421509 83905 dc93c0d523de8b27e35ade0e21f0972c "" + "runs/Dueling DQN/results.png" 1760465274 81080 e588bde8f39161b815b9d842a32edffe "" + "runs/NStep + PER/results.png" 1760488208 72434 d0141a2aad159aacd350d13606ca6e5b "" + "runs/NStep/results.png" 1760487001 68663 604fd7f3421f7652e124f62849e4916b "" + "runs/Noisy DQN/results.png" 1760491128 85111 706ee9849d7367ed9f2d467ac6284665 "" + "runs/PER/results.png" 1760466054 86443 5c386bc256bcc4c871bbf8d8ae48b943 "" (generated) "result.aux" "result.log" + "result.out" "result.pdf" (rewritten before read) diff --git a/result.fls b/result.fls index d6af5b2..76410a3 100644 --- a/result.fls +++ b/result.fls @@ -51,6 +51,57 @@ INPUT c:/texlive/2023/texmf-dist/tex/latex/tools/calc.sty INPUT c:/texlive/2023/texmf-dist/tex/latex/tools/calc.sty INPUT c:/texlive/2023/texmf-dist/tex/latex/mathtools/mhsetup.sty INPUT c:/texlive/2023/texmf-dist/tex/latex/mathtools/mhsetup.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/float/float.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/float/float.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/hyperref.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/hyperref.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/iftex/iftex.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/iftex/iftex.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/pdfescape/pdfescape.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/pdfescape/pdfescape.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/infwarerr/infwarerr.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/infwarerr/infwarerr.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/hycolor/hycolor.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/hycolor/hycolor.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/auxhook/auxhook.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/auxhook/auxhook.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/nameref.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/nameref.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/refcount/refcount.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/refcount/refcount.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/gettitlestring/gettitlestring.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/gettitlestring/gettitlestring.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/pd1enc.def +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/pd1enc.def +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/pd1enc.def +INPUT c:/texlive/2023/texmf-dist/tex/generic/intcalc/intcalc.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/intcalc/intcalc.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/puenc.def +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/puenc.def +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/puenc.def +INPUT c:/texlive/2023/texmf-dist/tex/latex/url/url.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/url/url.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/bitset/bitset.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/bitset/bitset.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/bigintcalc/bigintcalc.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/bigintcalc/bigintcalc.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/atbegshi/atbegshi.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/base/atbegshi-ltx.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/base/atbegshi-ltx.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/hpdftex.def +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/hpdftex.def +INPUT c:/texlive/2023/texmf-dist/tex/latex/hyperref/hpdftex.def +INPUT c:/texlive/2023/texmf-dist/tex/latex/atveryend/atveryend.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/base/atveryend-ltx.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/base/atveryend-ltx.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/rerunfilecheck/rerunfilecheck.sty +INPUT c:/texlive/2023/texmf-dist/tex/latex/rerunfilecheck/rerunfilecheck.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/uniquecounter/uniquecounter.sty +INPUT c:/texlive/2023/texmf-dist/tex/generic/uniquecounter/uniquecounter.sty INPUT c:/texlive/2023/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def INPUT c:/texlive/2023/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def INPUT ./result.aux @@ -77,7 +128,16 @@ INPUT c:/texlive/2023/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty INPUT c:/texlive/2023/texmf-dist/tex/latex/latexconfig/epstopdf-sys.cfg INPUT c:/texlive/2023/texmf-dist/tex/latex/latexconfig/epstopdf-sys.cfg INPUT c:/texlive/2023/texmf-dist/tex/latex/latexconfig/epstopdf-sys.cfg +INPUT ./result.out +INPUT ./result.out +INPUT result.out +INPUT result.out +INPUT ./result.out +INPUT ./result.out +OUTPUT result.out +OUTPUT result.pdf INPUT c:/texlive/2023/texmf-dist/fonts/tfm/public/cm/cmbx10.tfm +INPUT c:/texlive/2023/texmf-dist/fonts/tfm/public/cm/cmtt10.tfm INPUT c:/texlive/2023/texmf-dist/fonts/tfm/public/cm/cmr8.tfm INPUT c:/texlive/2023/texmf-dist/fonts/tfm/public/cm/cmr6.tfm INPUT c:/texlive/2023/texmf-dist/fonts/tfm/public/cm/cmmi10.tfm @@ -107,10 +167,48 @@ INPUT c:/texlive/2023/texmf-dist/tex/latex/jknapltx/ursfs.fd INPUT c:/texlive/2023/texmf-dist/fonts/tfm/public/rsfs/rsfs10.tfm INPUT c:/texlive/2023/texmf-dist/fonts/tfm/public/rsfs/rsfs10.tfm INPUT c:/texlive/2023/texmf-dist/fonts/tfm/public/rsfs/rsfs5.tfm -INPUT c:/texlive/2023/texmf-dist/fonts/tfm/public/cm/cmti10.tfm -OUTPUT result.pdf +INPUT c:/texlive/2023/texmf-dist/fonts/tfm/jknappen/ec/tcrm1095.tfm INPUT c:/texlive/2023/texmf-var/fonts/map/pdftex/updmap/pdftex.map +INPUT c:/texlive/2023/texmf-dist/fonts/enc/dvips/cm-super/cm-super-ts1.enc +INPUT c:/texlive/2023/texmf-dist/fonts/tfm/public/cm/cmti10.tfm +INPUT ./runs/DQN/results.png +INPUT ./runs/DQN/results.png +INPUT ./runs/DQN/results.png +INPUT ./runs/DQN/results.png +INPUT ./runs/DQN/results.png +INPUT ./runs/Double DQN/results.png +INPUT ./runs/Double DQN/results.png +INPUT ./runs/Double DQN/results.png +INPUT ./runs/Double DQN/results.png +INPUT ./runs/Double DQN/results.png +INPUT ./runs/Dueling DQN/results.png +INPUT ./runs/Dueling DQN/results.png +INPUT ./runs/Dueling DQN/results.png +INPUT ./runs/Dueling DQN/results.png +INPUT ./runs/Dueling DQN/results.png +INPUT ./runs/PER/results.png +INPUT ./runs/PER/results.png +INPUT ./runs/PER/results.png +INPUT ./runs/PER/results.png +INPUT ./runs/PER/results.png +INPUT ./runs/NStep/results.png +INPUT ./runs/NStep/results.png +INPUT ./runs/NStep/results.png +INPUT ./runs/NStep/results.png +INPUT ./runs/NStep/results.png +INPUT ./runs/NStep + PER/results.png +INPUT ./runs/NStep + PER/results.png +INPUT ./runs/NStep + PER/results.png +INPUT ./runs/NStep + PER/results.png +INPUT ./runs/NStep + PER/results.png +INPUT ./runs/Noisy DQN/results.png +INPUT ./runs/Noisy DQN/results.png +INPUT ./runs/Noisy DQN/results.png +INPUT ./runs/Noisy DQN/results.png +INPUT ./runs/Noisy DQN/results.png INPUT result.aux +INPUT ./result.out +INPUT ./result.out INPUT c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx10.pfb INPUT c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmex10.pfb INPUT c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmmi10.pfb @@ -121,4 +219,6 @@ INPUT c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmsy10.pfb INPUT c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmsy6.pfb INPUT c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmsy8.pfb INPUT c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmti10.pfb +INPUT c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/cm/cmtt10.pfb INPUT c:/texlive/2023/texmf-dist/fonts/type1/public/amsfonts/symbols/msbm10.pfb +INPUT c:/texlive/2023/texmf-dist/fonts/type1/public/cm-super/sfrm1095.pfb diff --git a/result.log b/result.log index c78390c..2354885 100644 --- a/result.log +++ b/result.log @@ -1,4 +1,4 @@ -This is pdfTeX, Version 3.141592653-2.6-1.40.25 (TeX Live 2023) (preloaded format=pdflatex 2024.2.26) 11 OCT 2025 19:49 +This is pdfTeX, Version 3.141592653-2.6-1.40.25 (TeX Live 2023) (preloaded format=pdflatex 2024.2.26) 14 OCT 2025 20:32 entering extended mode restricted \write18 enabled. file:line:error style messages enabled. @@ -166,29 +166,139 @@ Package: mhsetup 2021/03/18 v1.4 programming setup (MH) \l_MT_below_shortintertext_sep=\dimen158 \xmathstrut@box=\box53 \xmathstrut@dim=\dimen159 +) (c:/texlive/2023/texmf-dist/tex/latex/float/float.sty +Package: float 2001/11/08 v1.3d Float enhancements (AL) +\c@float@type=\count279 +\float@exts=\toks29 +\float@box=\box54 +\@float@everytoks=\toks30 +\@floatcapt=\box55 +) (c:/texlive/2023/texmf-dist/tex/latex/hyperref/hyperref.sty +Package: hyperref 2024-01-20 v7.01h Hypertext links for LaTeX + (c:/texlive/2023/texmf-dist/tex/generic/iftex/iftex.sty +Package: iftex 2022/02/03 v1.0f TeX engine tests +) (c:/texlive/2023/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty +Package: kvdefinekeys 2019-12-19 v1.6 Define keys (HO) +) (c:/texlive/2023/texmf-dist/tex/generic/pdfescape/pdfescape.sty +Package: pdfescape 2019/12/09 v1.15 Implements pdfTeX's escape features (HO) + (c:/texlive/2023/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty +Package: pdftexcmds 2020-06-27 v0.33 Utility functions of pdfTeX for LuaTeX (HO) + (c:/texlive/2023/texmf-dist/tex/generic/infwarerr/infwarerr.sty +Package: infwarerr 2019/12/03 v1.5 Providing info/warning/error messages (HO) ) -\c@theorem=\count279 +Package pdftexcmds Info: \pdf@primitive is available. +Package pdftexcmds Info: \pdf@ifprimitive is available. +Package pdftexcmds Info: \pdfdraftmode found. +)) (c:/texlive/2023/texmf-dist/tex/latex/hycolor/hycolor.sty +Package: hycolor 2020-01-27 v1.10 Color options for hyperref/bookmark (HO) +) (c:/texlive/2023/texmf-dist/tex/latex/auxhook/auxhook.sty +Package: auxhook 2019-12-17 v1.6 Hooks for auxiliary files (HO) +) (c:/texlive/2023/texmf-dist/tex/latex/hyperref/nameref.sty +Package: nameref 2023-11-26 v2.56 Cross-referencing by name of section + (c:/texlive/2023/texmf-dist/tex/latex/refcount/refcount.sty +Package: refcount 2019/12/15 v3.6 Data extraction from label references (HO) +) (c:/texlive/2023/texmf-dist/tex/generic/gettitlestring/gettitlestring.sty +Package: gettitlestring 2019/12/15 v1.6 Cleanup title references (HO) +) +\c@section@level=\count280 +) +\@linkdim=\dimen160 +\Hy@linkcounter=\count281 +\Hy@pagecounter=\count282 + (c:/texlive/2023/texmf-dist/tex/latex/hyperref/pd1enc.def +File: pd1enc.def 2024-01-20 v7.01h Hyperref: PDFDocEncoding definition (HO) +Now handling font encoding PD1 ... +... no UTF-8 mapping file for font encoding PD1 +) (c:/texlive/2023/texmf-dist/tex/generic/intcalc/intcalc.sty +Package: intcalc 2019/12/15 v1.3 Expandable calculations with integers (HO) +) +\Hy@SavedSpaceFactor=\count283 + (c:/texlive/2023/texmf-dist/tex/latex/hyperref/puenc.def +File: puenc.def 2024-01-20 v7.01h Hyperref: PDF Unicode definition (HO) +Now handling font encoding PU ... +... no UTF-8 mapping file for font encoding PU +) +Package hyperref Info: Hyper figures OFF on input line 4179. +Package hyperref Info: Link nesting OFF on input line 4184. +Package hyperref Info: Hyper index ON on input line 4187. +Package hyperref Info: Plain pages OFF on input line 4194. +Package hyperref Info: Backreferencing OFF on input line 4199. +Package hyperref Info: Implicit mode ON; LaTeX internals redefined. +Package hyperref Info: Bookmarks ON on input line 4446. +\c@Hy@tempcnt=\count284 + (c:/texlive/2023/texmf-dist/tex/latex/url/url.sty +\Urlmuskip=\muskip17 +Package: url 2013/09/16 ver 3.4 Verb mode for urls, etc. +) +LaTeX Info: Redefining \url on input line 4784. +\XeTeXLinkMargin=\dimen161 + (c:/texlive/2023/texmf-dist/tex/generic/bitset/bitset.sty +Package: bitset 2019/12/09 v1.3 Handle bit-vector datatype (HO) + (c:/texlive/2023/texmf-dist/tex/generic/bigintcalc/bigintcalc.sty +Package: bigintcalc 2019/12/15 v1.5 Expandable calculations on big integers (HO) +)) +\Fld@menulength=\count285 +\Field@Width=\dimen162 +\Fld@charsize=\dimen163 +Package hyperref Info: Hyper figures OFF on input line 6063. +Package hyperref Info: Link nesting OFF on input line 6068. +Package hyperref Info: Hyper index ON on input line 6071. +Package hyperref Info: backreferencing OFF on input line 6078. +Package hyperref Info: Link coloring OFF on input line 6083. +Package hyperref Info: Link coloring with OCG OFF on input line 6088. +Package hyperref Info: PDF/A mode OFF on input line 6093. + (c:/texlive/2023/texmf-dist/tex/latex/base/atbegshi-ltx.sty +Package: atbegshi-ltx 2021/01/10 v1.0c Emulation of the original atbegshi +package with kernel methods +) +\Hy@abspage=\count286 +\c@Item=\count287 +\c@Hfootnote=\count288 +) +Package hyperref Info: Driver (autodetected): hpdftex. + (c:/texlive/2023/texmf-dist/tex/latex/hyperref/hpdftex.def +File: hpdftex.def 2024-01-20 v7.01h Hyperref driver for pdfTeX + (c:/texlive/2023/texmf-dist/tex/latex/base/atveryend-ltx.sty +Package: atveryend-ltx 2020/08/19 v1.0a Emulation of the original atveryend package +with kernel methods +) +\Fld@listcount=\count289 +\c@bookmark@seq@number=\count290 + (c:/texlive/2023/texmf-dist/tex/latex/rerunfilecheck/rerunfilecheck.sty +Package: rerunfilecheck 2022-07-10 v1.10 Rerun checks for auxiliary files (HO) + (c:/texlive/2023/texmf-dist/tex/generic/uniquecounter/uniquecounter.sty +Package: uniquecounter 2019/12/15 v1.4 Provide unlimited unique counter (HO) +) +Package uniquecounter Info: New unique counter `rerunfilecheck' on input line 285. +) +\Hy@SectionHShift=\skip70 +) +\c@theorem=\count291 (c:/texlive/2023/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def File: l3backend-pdftex.def 2024-02-20 L3 backend support: PDF output (pdfTeX) -\l__color_backend_stack_int=\count280 -\l__pdf_internal_box=\box54 +\l__color_backend_stack_int=\count292 +\l__pdf_internal_box=\box56 ) (./result.aux) \openout1 = `result.aux'. -LaTeX Font Info: Checking defaults for OML/cmm/m/it on input line 77. -LaTeX Font Info: ... okay on input line 77. -LaTeX Font Info: Checking defaults for OMS/cmsy/m/n on input line 77. -LaTeX Font Info: ... okay on input line 77. -LaTeX Font Info: Checking defaults for OT1/cmr/m/n on input line 77. -LaTeX Font Info: ... okay on input line 77. -LaTeX Font Info: Checking defaults for T1/cmr/m/n on input line 77. -LaTeX Font Info: ... okay on input line 77. -LaTeX Font Info: Checking defaults for TS1/cmr/m/n on input line 77. -LaTeX Font Info: ... okay on input line 77. -LaTeX Font Info: Checking defaults for OMX/cmex/m/n on input line 77. -LaTeX Font Info: ... okay on input line 77. -LaTeX Font Info: Checking defaults for U/cmr/m/n on input line 77. -LaTeX Font Info: ... okay on input line 77. +LaTeX Font Info: Checking defaults for OML/cmm/m/it on input line 79. +LaTeX Font Info: ... okay on input line 79. +LaTeX Font Info: Checking defaults for OMS/cmsy/m/n on input line 79. +LaTeX Font Info: ... okay on input line 79. +LaTeX Font Info: Checking defaults for OT1/cmr/m/n on input line 79. +LaTeX Font Info: ... okay on input line 79. +LaTeX Font Info: Checking defaults for T1/cmr/m/n on input line 79. +LaTeX Font Info: ... okay on input line 79. +LaTeX Font Info: Checking defaults for TS1/cmr/m/n on input line 79. +LaTeX Font Info: ... okay on input line 79. +LaTeX Font Info: Checking defaults for OMX/cmex/m/n on input line 79. +LaTeX Font Info: ... okay on input line 79. +LaTeX Font Info: Checking defaults for U/cmr/m/n on input line 79. +LaTeX Font Info: ... okay on input line 79. +LaTeX Font Info: Checking defaults for PD1/pdf/m/n on input line 79. +LaTeX Font Info: ... okay on input line 79. +LaTeX Font Info: Checking defaults for PU/pdf/m/n on input line 79. +LaTeX Font Info: ... okay on input line 79. (c:/texlive/2023/texmf-dist/tex/latex/graphics/graphicx.sty Package: graphicx 2021/09/16 v1.2d Enhanced LaTeX Graphics (DPC,SPQR) (c:/texlive/2023/texmf-dist/tex/latex/graphics/graphics.sty @@ -203,58 +313,108 @@ Package graphics Info: Driver file: pdftex.def on input line 107. File: pdftex.def 2022/09/22 v1.2b Graphics/color driver for pdftex (c:/texlive/2023/texmf-dist/tex/context/base/mkii/supp-pdf.mkii [Loading MPS to PDF converter (version 2006.09.02).] -\scratchcounter=\count281 -\scratchdimen=\dimen160 -\scratchbox=\box55 -\nofMPsegments=\count282 -\nofMParguments=\count283 -\everyMPshowfont=\toks29 -\MPscratchCnt=\count284 -\MPscratchDim=\dimen161 -\MPnumerator=\count285 -\makeMPintoPDFobject=\count286 -\everyMPtoPDFconversion=\toks30 +\scratchcounter=\count293 +\scratchdimen=\dimen164 +\scratchbox=\box57 +\nofMPsegments=\count294 +\nofMParguments=\count295 +\everyMPshowfont=\toks31 +\MPscratchCnt=\count296 +\MPscratchDim=\dimen165 +\MPnumerator=\count297 +\makeMPintoPDFobject=\count298 +\everyMPtoPDFconversion=\toks32 ))) (c:/texlive/2023/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty Package: epstopdf-base 2020-01-24 v2.11 Base part for package epstopdf Package epstopdf-base Info: Redefining graphics rule for `.eps' on input line 485. (c:/texlive/2023/texmf-dist/tex/latex/latexconfig/epstopdf-sys.cfg File: epstopdf-sys.cfg 2010/07/13 v1.3 Configuration of (r)epstopdf for TeX Live )) -\Gin@req@height=\dimen162 -\Gin@req@width=\dimen163 +\Gin@req@height=\dimen166 +\Gin@req@width=\dimen167 ) -LaTeX Font Info: Trying to load font information for U+msa on input line 88. +Package hyperref Info: Link coloring OFF on input line 79. + (./result.out) (./result.out) +\@outlinefile=\write3 +\openout3 = `result.out'. + +LaTeX Font Info: Trying to load font information for U+msa on input line 92. (c:/texlive/2023/texmf-dist/tex/latex/amsfonts/umsa.fd File: umsa.fd 2013/01/14 v3.01 AMS symbols A ) -LaTeX Font Info: Trying to load font information for U+msb on input line 88. +LaTeX Font Info: Trying to load font information for U+msb on input line 92. (c:/texlive/2023/texmf-dist/tex/latex/amsfonts/umsb.fd File: umsb.fd 2013/01/14 v3.01 AMS symbols B ) -LaTeX Font Info: Trying to load font information for U+rsfs on input line 88. +LaTeX Font Info: Trying to load font information for U+rsfs on input line 92. (c:/texlive/2023/texmf-dist/tex/latex/jknapltx/ursfs.fd File: ursfs.fd 1998/03/24 rsfs font definition file (jk) -) [1{c:/texlive/2023/texmf-var/fonts/map/pdftex/updmap/pdftex.map} +) +Overfull \hbox (1.79282pt too wide) in paragraph at lines 92--93 +[]\OT1/cmr/m/n/10.95 This home-work is com-pleted with the help of Wind-surf VS code ex-ten-sion.[]$\OT1/cmtt/m/n/10.95 https : / / windsurf . + [] -] [2] [3] [4] (./result.aux) +[1{c:/texlive/2023/texmf-var/fonts/map/pdftex/updmap/pdftex.map} + +{c:/texlive/2023/texmf-dist/fonts/enc/dvips/cm-super/cm-super-ts1.enc}] [2] [3] +<./runs/DQN/results.png, id=40, 1445.4pt x 433.62pt> +File: ./runs/DQN/results.png Graphic file (type png) + +Package pdftex.def Info: ./runs/DQN/results.png used on input line 178. +(pdftex.def) Requested size: 422.77664pt x 126.83168pt. +<./runs/Double DQN/results.png, id=42, 1445.4pt x 433.62pt> +File: ./runs/Double DQN/results.png Graphic file (type png) + +Package pdftex.def Info: ./runs/Double DQN/results.png used on input line 186. +(pdftex.def) Requested size: 422.77664pt x 126.83168pt. +<./runs/Dueling DQN/results.png, id=43, 1445.4pt x 433.62pt> +File: ./runs/Dueling DQN/results.png Graphic file (type png) + +Package pdftex.def Info: ./runs/Dueling DQN/results.png used on input line 194. +(pdftex.def) Requested size: 422.77664pt x 126.83168pt. +<./runs/PER/results.png, id=44, 1445.4pt x 433.62pt> +File: ./runs/PER/results.png Graphic file (type png) + +Package pdftex.def Info: ./runs/PER/results.png used on input line 202. +(pdftex.def) Requested size: 469.75502pt x 140.92482pt. + [4 <./runs/DQN/results.png> <./runs/Double DQN/results.png> <./runs/Dueling DQN/results.png>] +<./runs/NStep/results.png, id=55, 1445.4pt x 433.62pt> +File: ./runs/NStep/results.png Graphic file (type png) + +Package pdftex.def Info: ./runs/NStep/results.png used on input line 210. +(pdftex.def) Requested size: 469.75502pt x 140.92482pt. +<./runs/NStep + PER/results.png, id=56, 1445.4pt x 433.62pt> +File: ./runs/NStep + PER/results.png Graphic file (type png) + +Package pdftex.def Info: ./runs/NStep + PER/results.png used on input line 218. +(pdftex.def) Requested size: 469.75502pt x 140.92482pt. + [5 <./runs/PER/results.png> <./runs/NStep/results.png>] +<./runs/Noisy DQN/results.png, id=65, 1445.4pt x 433.62pt> +File: ./runs/Noisy DQN/results.png Graphic file (type png) + +Package pdftex.def Info: ./runs/Noisy DQN/results.png used on input line 226. +(pdftex.def) Requested size: 469.75502pt x 140.92482pt. + [6 <./runs/NStep + PER/results.png> <./runs/Noisy DQN/results.png>] [7] (./result.aux) *********** LaTeX2e <2023-11-01> patch level 1 L3 programming layer <2024-02-20> *********** +Package rerunfilecheck Info: File `result.out' has not changed. +(rerunfilecheck) Checksum: D41D8CD98F00B204E9800998ECF8427E;0. ) Here is how much of TeX's memory you used: - 4245 strings out of 474137 - 64387 string characters out of 5748517 - 1938190 words of memory out of 5000000 - 26537 multiletter control sequences out of 15000+600000 - 563865 words of font info for 59 fonts, out of 8000000 for 9000 + 10704 strings out of 474137 + 164550 string characters out of 5748517 + 1940190 words of memory out of 5000000 + 32881 multiletter control sequences out of 15000+600000 + 564374 words of font info for 61 fonts, out of 8000000 for 9000 1141 hyphenation exceptions out of 8191 - 65i,11n,72p,713b,463s stack positions out of 10000i,1000n,20000p,200000b,200000s - -Output written on result.pdf (4 pages, 122012 bytes). + 69i,11n,79p,713b,615s stack positions out of 10000i,1000n,20000p,200000b,200000s + +Output written on result.pdf (7 pages, 678475 bytes). PDF statistics: - 72 PDF objects out of 1000 (max. 8388607) - 43 compressed objects within 1 object stream - 0 named destinations out of 1000 (max. 500000) - 1 words of extra memory for PDF output out of 10000 (max. 10000000) + 141 PDF objects out of 1000 (max. 8388607) + 91 compressed objects within 1 object stream + 21 named destinations out of 1000 (max. 500000) + 36 words of extra memory for PDF output out of 10000 (max. 10000000) diff --git a/runs/2025-10-12/00-21-15_buffer.nstep=16,buffer.use_per=true/main.log b/result.out similarity index 100% rename from runs/2025-10-12/00-21-15_buffer.nstep=16,buffer.use_per=true/main.log rename to result.out diff --git a/result.pdf b/result.pdf index 0bf141e..cb6c8b7 100644 Binary files a/result.pdf and b/result.pdf differ diff --git a/result.synctex.gz b/result.synctex.gz index a9f8d3d..e2b331b 100644 Binary files a/result.synctex.gz and b/result.synctex.gz differ diff --git a/result.tex b/result.tex index 63793d6..5622073 100644 --- a/result.tex +++ b/result.tex @@ -5,6 +5,8 @@ \usepackage{fullpage} \usepackage{mathrsfs} \usepackage{mathtools} +\usepackage{float} +\usepackage{hyperref} %% %% Stuff above here is packages that will be used to compile your document. @@ -85,6 +87,29 @@ \begin{enumerate} +\item[] \textbf{Use Of GenAI} + +This homework is completed with the help of Windsurf VS code extension.\url{https://windsurf.com/} + +What is used: + +\begin{itemize} + \item Autofill feature to generate syntactically correct latex code (each tab key pressed filled no more than 100 characters, at most $20\%$ of the predicted text is adapted) for the homework with human supervision. + \item Use AI to debug the latex code and find unclosed parentheses or other syntax errors. + \item Use AI to autofill the parts that follows the same structure as the previous parts (example: case by case proofs). + \item Use AI to auto correct misspelled words or latex commands. +\end{itemize} + +What is not used: + +\begin{itemize} + \item Directly use AI to generate the solutions in latex document. + \item Use AI to ask for hint or solution for the problems. + \item Select part of the document and ask AI to fill the parts missing. +\end{itemize} + +\newpage + \item[1.] \textbf{Answer questions in Section 3} Due to the state space complexity of some visual input environments, we may represent Q-functions using a class of parameterized function approximators $\mathcal{Q}=\{Q_w\mid w\in \R^p\}$, where $p$ is the number of parameters. Remember that in the \textit{tabular setting} given a 4-tuple of sampled experience $(s,a,r,s')$, the vanilla Q-learning update is \[ @@ -109,12 +134,14 @@ where the dependency of $\max_{a'\in A} Q_w(s',a')$ on $w$ is ignored, i.e., it \item [1.] [\textbf{10pt}] Show that the update \ref{1} and update \ref{2} are the same when the functions in $\mathcal{Q}$ are of the form $Q_w(s,a)=w^T\phi(s,a)$, with $w\in \R^{|S||A|}$ and $\phi:S\times A\to \R^{|S||A|}$, where the feature function $\phi$ is of the form $\phi(s,a)_{s',a'}=\mathbb{I}[s'=s,a'=a]$, where $\mathbb{I}$ denotes the indicator function which evaluates to $1$ if the condition evaluates to true and vice versa. Note that the coordinates in the vector space $\R^{|S||A|}$ can be seen as being indexed by pairs $(s',a')$, where $s'\in S$, $a'\in A$. \begin{proof} - When the functions in $\mathcal{Q}$ are of the form $Q_w(s,a)=w^T\phi(s,a)$, with $w\in \R^{|S||A|}$ and $\phi:S\times A\to \R^{|S||A|}$, then it is linear. + When the functions in $\mathcal{Q}$ are of the form $Q_w(s,a)=w^T\phi(s,a)$, with $w\in \R^{|S||A|}$ and $\phi:S\times A\to \R^{|S||A|}$, note that $\sum_{s\in S}\sum_{a\in A} \phi(s,a)^T\phi(s,a)=\sum_{s\in S}\sum_{a\in A} \mathbb{I}[s'=s,a'=a]=1$. \[ \begin{aligned} Q(s,a)&= Q(s,a)+\alpha\left(r+\gamma\max_{a'\in A} Q(s',a')-Q(s,a)\right)\\ - w^T\phi(s,a)&= w^T\phi(s,a)+\alpha\left(r+\gamma\max_{a'\in A} Q(s',a')-Q(s,a)\right)\\ + w^T\phi(s,a)&= w^T\phi(s,a)+\alpha\left(r+\gamma\max_{a'\in A} Q(s',a')-Q(s,a)\right)\phi(s,a)^T\phi(s,a)\\ + w^T\phi(s,a)&= w^T\phi(s,a)+\alpha\left(r+\gamma\max_{a'\in A} Q(s',a')-Q(s,a)\right)\nabla_w (w^T\phi(s,a))^T\phi(s,a)\\ + w^T\phi(s,a)&=\left(w^T+\alpha\left(r+\gamma\max_{a'\in A} Q(s',a')-Q(s,a)\right)\nabla_w Q_w(s,a)\right)^T\phi(s,a)\\ w&= w+\alpha\left(r+\gamma\max_{a'\in A} Q(s',a')-Q(s,a)\right)\nabla_w Q_w(s,a) \end{aligned} \] @@ -143,10 +170,71 @@ where the dependency of $\max_{a'\in A} Q_w(s',a')$ on $w$ is ignored, i.e., it \item [2.] \textbf{The auto-generated results figure} along with a brief description about what has the figures shown. +\begin{enumerate} + \item [1.] \textbf{DQN} + + \begin{figure}[H] + \centering + \includegraphics[width=0.9\textwidth]{./runs/DQN/results.png} + \caption{DQN. Nothing to say but what expected from training.} + \end{figure} + + \item [2.] \textbf{Double DQN} + + \begin{figure}[H] + \centering + \includegraphics[width=0.9\textwidth]{./runs/Double DQN/results.png} + \caption{Double DQN. I found there is interesting camel like bump for q-value when training with Double DQN. It is less stable than the vanilla DQN.} + \end{figure} + + \item [3.] \textbf{Dueling DQN} + + \begin{figure}[H] + \centering + \includegraphics[width=0.9\textwidth]{./runs/Dueling DQN/results.png} + \caption{Dueling DQN. Using Advantage network creates comparable results as the DQN.} + \end{figure} + + \item [4.] \textbf{Prioritized Experience Replay} + + \begin{figure}[H] + \centering + \includegraphics[width=1.0\textwidth]{./runs/PER/results.png} + \caption{Prioritized Experience Replay. Using this alone makes the training process less stable and loss is significantly higher than the previous methods.} + \end{figure} + + \item [5.] \textbf{N-Step Experience Replay} + + \begin{figure}[H] + \centering + \includegraphics[width=1.0\textwidth]{./runs/NStep/results.png} + \caption{N-Step Experience Replay. So far the most stable method of training, especially when the replay buffer size is large. However, when the replay buffer size is too small, typically $\le 70$, the training process may not converge to optimal performance.} + \end{figure} + + \item [6.] \textbf{N-Step + PER} + + \begin{figure}[H] + \centering + \includegraphics[width=1.0\textwidth]{./runs/NStep + PER/results.png} + \caption{NStep + PER. Combining the two methods counter the unstable loss function for training in PER.} + \end{figure} + + \item [7.] \textbf{Noisy DQN} + + \begin{figure}[H] + \centering + \includegraphics[width=1.0\textwidth]{./runs/Noisy DQN/results.png} + \caption{Noisy DQN. Experiment for sigma = 0.017 gets comparable result with normal DQN. Stability issue persist when sigma is too large.} + \end{figure} + +\end{enumerate} + \newpage \item [3.] \textbf{Any other findings} +I implemented Extra credit Noisy DQN. Helpful commands to run in ./commands/4.8.sh Found that when sigma is too large, for example $\sigma=0.5$. The model may not converge to optimal performance. Intuitively, the Noisy linear layer shall improve the robustness of the model. But the effect is not obvious as expected. + \end{enumerate} %%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%% diff --git a/runs/2025-10-11/20-24-05_/.hydra/hydra.yaml b/runs/2025-10-11/20-24-05_/.hydra/hydra.yaml deleted file mode 100644 index ac56f45..0000000 --- a/runs/2025-10-11/20-24-05_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\20-24-05_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/20-24-05_/main.log b/runs/2025-10-11/20-24-05_/main.log deleted file mode 100644 index ef38529..0000000 --- a/runs/2025-10-11/20-24-05_/main.log +++ /dev/null @@ -1,7 +0,0 @@ -[2025-10-11 20:24:05,493][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:173: UserWarning: -NVIDIA GeForce RTX 5090 with CUDA capability sm_120 is not compatible with the current PyTorch installation. -The current PyTorch install supports CUDA capabilities sm_37 sm_50 sm_60 sm_61 sm_70 sm_75 sm_80 sm_86 compute_37. -If you want to use the NVIDIA GeForce RTX 5090 GPU with PyTorch, please check the instructions at https://pytorch.org/get-started/locally/ - - warnings.warn(incompatible_device_warn.format(device_name, capability, " ".join(arch_list), device_name)) - diff --git a/runs/2025-10-11/20-31-16_/.hydra/hydra.yaml b/runs/2025-10-11/20-31-16_/.hydra/hydra.yaml deleted file mode 100644 index 88b0f04..0000000 --- a/runs/2025-10-11/20-31-16_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\20-31-16_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/20-31-16_/.hydra/overrides.yaml b/runs/2025-10-11/20-31-16_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/20-31-16_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/20-31-16_/main.log b/runs/2025-10-11/20-31-16_/main.log deleted file mode 100644 index 54adf50..0000000 --- a/runs/2025-10-11/20-31-16_/main.log +++ /dev/null @@ -1,7 +0,0 @@ -[2025-10-11 20:31:16,113][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:173: UserWarning: -NVIDIA GeForce RTX 5090 with CUDA capability sm_120 is not compatible with the current PyTorch installation. -The current PyTorch install supports CUDA capabilities sm_37 sm_50 sm_60 sm_61 sm_70 sm_75 sm_80 sm_86 compute_37. -If you want to use the NVIDIA GeForce RTX 5090 GPU with PyTorch, please check the instructions at https://pytorch.org/get-started/locally/ - - warnings.warn(incompatible_device_warn.format(device_name, capability, " ".join(arch_list), device_name)) - diff --git a/runs/2025-10-11/20-35-30_/.hydra/hydra.yaml b/runs/2025-10-11/20-35-30_/.hydra/hydra.yaml deleted file mode 100644 index ff5a31f..0000000 --- a/runs/2025-10-11/20-35-30_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\20-35-30_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/20-35-30_/.hydra/overrides.yaml b/runs/2025-10-11/20-35-30_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/20-35-30_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/20-35-30_/main.log b/runs/2025-10-11/20-35-30_/main.log deleted file mode 100644 index 2b7fccd..0000000 --- a/runs/2025-10-11/20-35-30_/main.log +++ /dev/null @@ -1,7 +0,0 @@ -[2025-10-11 20:35:30,859][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:173: UserWarning: -NVIDIA GeForce RTX 5090 with CUDA capability sm_120 is not compatible with the current PyTorch installation. -The current PyTorch install supports CUDA capabilities sm_37 sm_50 sm_60 sm_61 sm_70 sm_75 sm_80 sm_86 compute_37. -If you want to use the NVIDIA GeForce RTX 5090 GPU with PyTorch, please check the instructions at https://pytorch.org/get-started/locally/ - - warnings.warn(incompatible_device_warn.format(device_name, capability, " ".join(arch_list), device_name)) - diff --git a/runs/2025-10-11/20-39-45_/.hydra/hydra.yaml b/runs/2025-10-11/20-39-45_/.hydra/hydra.yaml deleted file mode 100644 index 287bd6e..0000000 --- a/runs/2025-10-11/20-39-45_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\20-39-45_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/20-39-45_/.hydra/overrides.yaml b/runs/2025-10-11/20-39-45_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/20-39-45_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/20-39-45_/main.log b/runs/2025-10-11/20-39-45_/main.log deleted file mode 100644 index 0ca4774..0000000 --- a/runs/2025-10-11/20-39-45_/main.log +++ /dev/null @@ -1,22 +0,0 @@ -[2025-10-11 20:39:45,474][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:283: UserWarning: - Found GPU0 NVIDIA GeForce RTX 5090 which is of cuda capability 12.0. - Minimum and Maximum cuda capability supported by this version of PyTorch is - (6.1) - (9.0) - - warnings.warn( - -[2025-10-11 20:39:45,474][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:304: UserWarning: - Please install PyTorch with a following CUDA - configurations: 12.8 12.9 following instructions at - https://pytorch.org/get-started/locally/ - - warnings.warn(matched_cuda_warn.format(matched_arches)) - -[2025-10-11 20:39:45,476][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:326: UserWarning: -NVIDIA GeForce RTX 5090 with CUDA capability sm_120 is not compatible with the current PyTorch installation. -The current PyTorch install supports CUDA capabilities sm_61 sm_70 sm_75 sm_80 sm_86 sm_90. -If you want to use the NVIDIA GeForce RTX 5090 GPU with PyTorch, please check the instructions at https://pytorch.org/get-started/locally/ - - warnings.warn( - -[2025-10-11 20:39:47,115][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/20-41-09_/.hydra/hydra.yaml b/runs/2025-10-11/20-41-09_/.hydra/hydra.yaml deleted file mode 100644 index 157b81e..0000000 --- a/runs/2025-10-11/20-41-09_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\20-41-09_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/20-41-09_/.hydra/overrides.yaml b/runs/2025-10-11/20-41-09_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/20-41-09_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/20-41-09_/main.log b/runs/2025-10-11/20-41-09_/main.log deleted file mode 100644 index f285555..0000000 --- a/runs/2025-10-11/20-41-09_/main.log +++ /dev/null @@ -1,22 +0,0 @@ -[2025-10-11 20:41:09,978][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:283: UserWarning: - Found GPU0 NVIDIA GeForce RTX 5090 which is of cuda capability 12.0. - Minimum and Maximum cuda capability supported by this version of PyTorch is - (6.1) - (9.0) - - warnings.warn( - -[2025-10-11 20:41:09,979][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:304: UserWarning: - Please install PyTorch with a following CUDA - configurations: 12.8 12.9 following instructions at - https://pytorch.org/get-started/locally/ - - warnings.warn(matched_cuda_warn.format(matched_arches)) - -[2025-10-11 20:41:09,979][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:326: UserWarning: -NVIDIA GeForce RTX 5090 with CUDA capability sm_120 is not compatible with the current PyTorch installation. -The current PyTorch install supports CUDA capabilities sm_61 sm_70 sm_75 sm_80 sm_86 sm_90. -If you want to use the NVIDIA GeForce RTX 5090 GPU with PyTorch, please check the instructions at https://pytorch.org/get-started/locally/ - - warnings.warn( - -[2025-10-11 20:41:11,670][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/20-42-26_/.hydra/config.yaml b/runs/2025-10-11/20-42-26_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/20-42-26_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/20-42-26_/.hydra/hydra.yaml b/runs/2025-10-11/20-42-26_/.hydra/hydra.yaml deleted file mode 100644 index fc366af..0000000 --- a/runs/2025-10-11/20-42-26_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\20-42-26_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/20-42-26_/.hydra/overrides.yaml b/runs/2025-10-11/20-42-26_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/20-42-26_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/20-42-26_/main.log b/runs/2025-10-11/20-42-26_/main.log deleted file mode 100644 index 4818070..0000000 --- a/runs/2025-10-11/20-42-26_/main.log +++ /dev/null @@ -1,22 +0,0 @@ -[2025-10-11 20:42:26,843][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:283: UserWarning: - Found GPU0 NVIDIA GeForce RTX 5090 which is of cuda capability 12.0. - Minimum and Maximum cuda capability supported by this version of PyTorch is - (6.1) - (9.0) - - warnings.warn( - -[2025-10-11 20:42:26,844][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:304: UserWarning: - Please install PyTorch with a following CUDA - configurations: 12.8 12.9 following instructions at - https://pytorch.org/get-started/locally/ - - warnings.warn(matched_cuda_warn.format(matched_arches)) - -[2025-10-11 20:42:26,846][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:326: UserWarning: -NVIDIA GeForce RTX 5090 with CUDA capability sm_120 is not compatible with the current PyTorch installation. -The current PyTorch install supports CUDA capabilities sm_61 sm_70 sm_75 sm_80 sm_86 sm_90. -If you want to use the NVIDIA GeForce RTX 5090 GPU with PyTorch, please check the instructions at https://pytorch.org/get-started/locally/ - - warnings.warn( - -[2025-10-11 20:42:28,580][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/20-45-12_/.hydra/config.yaml b/runs/2025-10-11/20-45-12_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/20-45-12_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/20-45-12_/.hydra/hydra.yaml b/runs/2025-10-11/20-45-12_/.hydra/hydra.yaml deleted file mode 100644 index c8ac0af..0000000 --- a/runs/2025-10-11/20-45-12_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\20-45-12_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/20-45-12_/.hydra/overrides.yaml b/runs/2025-10-11/20-45-12_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/20-45-12_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/20-45-12_/main.log b/runs/2025-10-11/20-45-12_/main.log deleted file mode 100644 index af753e6..0000000 --- a/runs/2025-10-11/20-45-12_/main.log +++ /dev/null @@ -1,22 +0,0 @@ -[2025-10-11 20:45:12,694][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:283: UserWarning: - Found GPU0 NVIDIA GeForce RTX 5090 which is of cuda capability 12.0. - Minimum and Maximum cuda capability supported by this version of PyTorch is - (6.1) - (9.0) - - warnings.warn( - -[2025-10-11 20:45:12,694][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:304: UserWarning: - Please install PyTorch with a following CUDA - configurations: 12.8 12.9 following instructions at - https://pytorch.org/get-started/locally/ - - warnings.warn(matched_cuda_warn.format(matched_arches)) - -[2025-10-11 20:45:12,696][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:326: UserWarning: -NVIDIA GeForce RTX 5090 with CUDA capability sm_120 is not compatible with the current PyTorch installation. -The current PyTorch install supports CUDA capabilities sm_61 sm_70 sm_75 sm_80 sm_86 sm_90. -If you want to use the NVIDIA GeForce RTX 5090 GPU with PyTorch, please check the instructions at https://pytorch.org/get-started/locally/ - - warnings.warn( - -[2025-10-11 20:45:14,422][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/20-45-23_/.hydra/config.yaml b/runs/2025-10-11/20-45-23_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/20-45-23_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/20-45-23_/.hydra/hydra.yaml b/runs/2025-10-11/20-45-23_/.hydra/hydra.yaml deleted file mode 100644 index 74e4f8e..0000000 --- a/runs/2025-10-11/20-45-23_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\20-45-23_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/20-45-23_/.hydra/overrides.yaml b/runs/2025-10-11/20-45-23_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/20-45-23_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/20-45-23_/main.log b/runs/2025-10-11/20-45-23_/main.log deleted file mode 100644 index fd5b219..0000000 --- a/runs/2025-10-11/20-45-23_/main.log +++ /dev/null @@ -1,22 +0,0 @@ -[2025-10-11 20:45:23,927][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:283: UserWarning: - Found GPU0 NVIDIA GeForce RTX 5090 which is of cuda capability 12.0. - Minimum and Maximum cuda capability supported by this version of PyTorch is - (6.1) - (9.0) - - warnings.warn( - -[2025-10-11 20:45:23,928][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:304: UserWarning: - Please install PyTorch with a following CUDA - configurations: 12.8 12.9 following instructions at - https://pytorch.org/get-started/locally/ - - warnings.warn(matched_cuda_warn.format(matched_arches)) - -[2025-10-11 20:45:23,930][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:326: UserWarning: -NVIDIA GeForce RTX 5090 with CUDA capability sm_120 is not compatible with the current PyTorch installation. -The current PyTorch install supports CUDA capabilities sm_61 sm_70 sm_75 sm_80 sm_86 sm_90. -If you want to use the NVIDIA GeForce RTX 5090 GPU with PyTorch, please check the instructions at https://pytorch.org/get-started/locally/ - - warnings.warn( - -[2025-10-11 20:45:25,714][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/20-55-32_/.hydra/config.yaml b/runs/2025-10-11/20-55-32_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/20-55-32_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/20-55-32_/.hydra/hydra.yaml b/runs/2025-10-11/20-55-32_/.hydra/hydra.yaml deleted file mode 100644 index 5f75470..0000000 --- a/runs/2025-10-11/20-55-32_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\20-55-32_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/20-55-32_/.hydra/overrides.yaml b/runs/2025-10-11/20-55-32_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/20-55-32_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/20-55-32_/main.log b/runs/2025-10-11/20-55-32_/main.log deleted file mode 100644 index 75da3b7..0000000 --- a/runs/2025-10-11/20-55-32_/main.log +++ /dev/null @@ -1,22 +0,0 @@ -[2025-10-11 20:55:32,238][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:283: UserWarning: - Found GPU0 NVIDIA GeForce RTX 5090 which is of cuda capability 12.0. - Minimum and Maximum cuda capability supported by this version of PyTorch is - (6.1) - (9.0) - - warnings.warn( - -[2025-10-11 20:55:32,238][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:304: UserWarning: - Please install PyTorch with a following CUDA - configurations: 12.8 12.9 following instructions at - https://pytorch.org/get-started/locally/ - - warnings.warn(matched_cuda_warn.format(matched_arches)) - -[2025-10-11 20:55:32,240][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\torch\cuda\__init__.py:326: UserWarning: -NVIDIA GeForce RTX 5090 with CUDA capability sm_120 is not compatible with the current PyTorch installation. -The current PyTorch install supports CUDA capabilities sm_61 sm_70 sm_75 sm_80 sm_86 sm_90. -If you want to use the NVIDIA GeForce RTX 5090 GPU with PyTorch, please check the instructions at https://pytorch.org/get-started/locally/ - - warnings.warn( - -[2025-10-11 20:55:33,876][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/20-59-59_/.hydra/config.yaml b/runs/2025-10-11/20-59-59_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/20-59-59_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/20-59-59_/.hydra/hydra.yaml b/runs/2025-10-11/20-59-59_/.hydra/hydra.yaml deleted file mode 100644 index 3fb40dc..0000000 --- a/runs/2025-10-11/20-59-59_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\20-59-59_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/20-59-59_/.hydra/overrides.yaml b/runs/2025-10-11/20-59-59_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/20-59-59_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/20-59-59_/main.log b/runs/2025-10-11/20-59-59_/main.log deleted file mode 100644 index 96c6669..0000000 --- a/runs/2025-10-11/20-59-59_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:00:01,190][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-00-50_/.hydra/config.yaml b/runs/2025-10-11/21-00-50_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-00-50_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-00-50_/.hydra/hydra.yaml b/runs/2025-10-11/21-00-50_/.hydra/hydra.yaml deleted file mode 100644 index b63eee3..0000000 --- a/runs/2025-10-11/21-00-50_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-00-50_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-00-50_/.hydra/overrides.yaml b/runs/2025-10-11/21-00-50_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-00-50_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-00-50_/main.log b/runs/2025-10-11/21-00-50_/main.log deleted file mode 100644 index e26c62b..0000000 --- a/runs/2025-10-11/21-00-50_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:00:52,388][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-03-24_/.hydra/config.yaml b/runs/2025-10-11/21-03-24_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-03-24_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-03-24_/.hydra/hydra.yaml b/runs/2025-10-11/21-03-24_/.hydra/hydra.yaml deleted file mode 100644 index afed174..0000000 --- a/runs/2025-10-11/21-03-24_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-03-24_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-03-24_/.hydra/overrides.yaml b/runs/2025-10-11/21-03-24_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-03-24_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-03-24_/main.log b/runs/2025-10-11/21-03-24_/main.log deleted file mode 100644 index ca4306d..0000000 --- a/runs/2025-10-11/21-03-24_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:03:26,154][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-03-35_/.hydra/config.yaml b/runs/2025-10-11/21-03-35_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-03-35_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-03-35_/.hydra/hydra.yaml b/runs/2025-10-11/21-03-35_/.hydra/hydra.yaml deleted file mode 100644 index 03c0727..0000000 --- a/runs/2025-10-11/21-03-35_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-03-35_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-03-35_/.hydra/overrides.yaml b/runs/2025-10-11/21-03-35_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-03-35_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-03-35_/main.log b/runs/2025-10-11/21-03-35_/main.log deleted file mode 100644 index 399fd6b..0000000 --- a/runs/2025-10-11/21-03-35_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:03:36,838][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-05-11_/.hydra/config.yaml b/runs/2025-10-11/21-05-11_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-05-11_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-05-11_/.hydra/hydra.yaml b/runs/2025-10-11/21-05-11_/.hydra/hydra.yaml deleted file mode 100644 index defd09b..0000000 --- a/runs/2025-10-11/21-05-11_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-05-11_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-05-11_/.hydra/overrides.yaml b/runs/2025-10-11/21-05-11_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-05-11_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-05-11_/main.log b/runs/2025-10-11/21-05-11_/main.log deleted file mode 100644 index 95dd74b..0000000 --- a/runs/2025-10-11/21-05-11_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:05:12,880][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-07-21_/.hydra/config.yaml b/runs/2025-10-11/21-07-21_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-07-21_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-07-21_/.hydra/hydra.yaml b/runs/2025-10-11/21-07-21_/.hydra/hydra.yaml deleted file mode 100644 index b849f22..0000000 --- a/runs/2025-10-11/21-07-21_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-07-21_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-07-21_/.hydra/overrides.yaml b/runs/2025-10-11/21-07-21_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-07-21_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-07-21_/main.log b/runs/2025-10-11/21-07-21_/main.log deleted file mode 100644 index 03c78b3..0000000 --- a/runs/2025-10-11/21-07-21_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:07:22,911][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-07-44_/.hydra/config.yaml b/runs/2025-10-11/21-07-44_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-07-44_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-07-44_/.hydra/hydra.yaml b/runs/2025-10-11/21-07-44_/.hydra/hydra.yaml deleted file mode 100644 index 6ccb43d..0000000 --- a/runs/2025-10-11/21-07-44_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-07-44_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-07-44_/.hydra/overrides.yaml b/runs/2025-10-11/21-07-44_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-07-44_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-07-44_/main.log b/runs/2025-10-11/21-07-44_/main.log deleted file mode 100644 index 2432b8e..0000000 --- a/runs/2025-10-11/21-07-44_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:07:45,823][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-08-54_/.hydra/config.yaml b/runs/2025-10-11/21-08-54_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-08-54_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-08-54_/.hydra/hydra.yaml b/runs/2025-10-11/21-08-54_/.hydra/hydra.yaml deleted file mode 100644 index 8bd3933..0000000 --- a/runs/2025-10-11/21-08-54_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-08-54_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-08-54_/.hydra/overrides.yaml b/runs/2025-10-11/21-08-54_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-08-54_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-08-54_/main.log b/runs/2025-10-11/21-08-54_/main.log deleted file mode 100644 index 8fa2d6a..0000000 --- a/runs/2025-10-11/21-08-54_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:08:56,669][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-09-36_/.hydra/config.yaml b/runs/2025-10-11/21-09-36_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-09-36_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-09-36_/.hydra/hydra.yaml b/runs/2025-10-11/21-09-36_/.hydra/hydra.yaml deleted file mode 100644 index 77d6327..0000000 --- a/runs/2025-10-11/21-09-36_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-09-36_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-09-36_/.hydra/overrides.yaml b/runs/2025-10-11/21-09-36_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-09-36_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-09-36_/main.log b/runs/2025-10-11/21-09-36_/main.log deleted file mode 100644 index 94c0da9..0000000 --- a/runs/2025-10-11/21-09-36_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:09:38,404][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-10-00_/.hydra/config.yaml b/runs/2025-10-11/21-10-00_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-10-00_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-10-00_/.hydra/hydra.yaml b/runs/2025-10-11/21-10-00_/.hydra/hydra.yaml deleted file mode 100644 index c284d4d..0000000 --- a/runs/2025-10-11/21-10-00_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-10-00_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-10-00_/.hydra/overrides.yaml b/runs/2025-10-11/21-10-00_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-10-00_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-10-00_/main.log b/runs/2025-10-11/21-10-00_/main.log deleted file mode 100644 index 021606e..0000000 --- a/runs/2025-10-11/21-10-00_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:10:02,340][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-15-36_/.hydra/config.yaml b/runs/2025-10-11/21-15-36_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-15-36_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-15-36_/.hydra/hydra.yaml b/runs/2025-10-11/21-15-36_/.hydra/hydra.yaml deleted file mode 100644 index 05efbdb..0000000 --- a/runs/2025-10-11/21-15-36_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-15-36_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-15-36_/.hydra/overrides.yaml b/runs/2025-10-11/21-15-36_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-15-36_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-15-36_/main.log b/runs/2025-10-11/21-15-36_/main.log deleted file mode 100644 index c127990..0000000 --- a/runs/2025-10-11/21-15-36_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:15:37,961][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-16-27_/.hydra/config.yaml b/runs/2025-10-11/21-16-27_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-16-27_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-16-27_/.hydra/hydra.yaml b/runs/2025-10-11/21-16-27_/.hydra/hydra.yaml deleted file mode 100644 index db7139b..0000000 --- a/runs/2025-10-11/21-16-27_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-16-27_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-16-27_/.hydra/overrides.yaml b/runs/2025-10-11/21-16-27_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-16-27_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-16-27_/main.log b/runs/2025-10-11/21-16-27_/main.log deleted file mode 100644 index 60c5f0d..0000000 --- a/runs/2025-10-11/21-16-27_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:16:28,918][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-16-42_/.hydra/config.yaml b/runs/2025-10-11/21-16-42_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-16-42_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-16-42_/.hydra/hydra.yaml b/runs/2025-10-11/21-16-42_/.hydra/hydra.yaml deleted file mode 100644 index 5a60654..0000000 --- a/runs/2025-10-11/21-16-42_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-16-42_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-16-42_/.hydra/overrides.yaml b/runs/2025-10-11/21-16-42_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-16-42_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-16-42_/main.log b/runs/2025-10-11/21-16-42_/main.log deleted file mode 100644 index 1913fcf..0000000 --- a/runs/2025-10-11/21-16-42_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:16:44,069][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-17-17_/.hydra/config.yaml b/runs/2025-10-11/21-17-17_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-17-17_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-17-17_/.hydra/hydra.yaml b/runs/2025-10-11/21-17-17_/.hydra/hydra.yaml deleted file mode 100644 index cee38c1..0000000 --- a/runs/2025-10-11/21-17-17_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-17-17_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-17-17_/.hydra/overrides.yaml b/runs/2025-10-11/21-17-17_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-17-17_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-17-17_/main.log b/runs/2025-10-11/21-17-17_/main.log deleted file mode 100644 index f29314c..0000000 --- a/runs/2025-10-11/21-17-17_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:17:19,615][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-17-42_/.hydra/config.yaml b/runs/2025-10-11/21-17-42_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-17-42_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-17-42_/.hydra/hydra.yaml b/runs/2025-10-11/21-17-42_/.hydra/hydra.yaml deleted file mode 100644 index 93edc09..0000000 --- a/runs/2025-10-11/21-17-42_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-17-42_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-17-42_/.hydra/overrides.yaml b/runs/2025-10-11/21-17-42_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-17-42_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-17-42_/main.log b/runs/2025-10-11/21-17-42_/main.log deleted file mode 100644 index c575bb3..0000000 --- a/runs/2025-10-11/21-17-42_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:17:43,810][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-18-30_/.hydra/config.yaml b/runs/2025-10-11/21-18-30_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-18-30_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-18-30_/.hydra/hydra.yaml b/runs/2025-10-11/21-18-30_/.hydra/hydra.yaml deleted file mode 100644 index 75887f2..0000000 --- a/runs/2025-10-11/21-18-30_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-18-30_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-18-30_/.hydra/overrides.yaml b/runs/2025-10-11/21-18-30_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-18-30_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-18-30_/main.log b/runs/2025-10-11/21-18-30_/main.log deleted file mode 100644 index 103e580..0000000 --- a/runs/2025-10-11/21-18-30_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:18:32,255][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-35-19_/.hydra/config.yaml b/runs/2025-10-11/21-35-19_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-35-19_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-35-19_/.hydra/hydra.yaml b/runs/2025-10-11/21-35-19_/.hydra/hydra.yaml deleted file mode 100644 index 96e0b24..0000000 --- a/runs/2025-10-11/21-35-19_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-35-19_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-35-19_/.hydra/overrides.yaml b/runs/2025-10-11/21-35-19_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-35-19_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-35-19_/main.log b/runs/2025-10-11/21-35-19_/main.log deleted file mode 100644 index 58d76c3..0000000 --- a/runs/2025-10-11/21-35-19_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:35:21,306][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-36-31_/.hydra/config.yaml b/runs/2025-10-11/21-36-31_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-36-31_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-36-31_/.hydra/hydra.yaml b/runs/2025-10-11/21-36-31_/.hydra/hydra.yaml deleted file mode 100644 index c67780b..0000000 --- a/runs/2025-10-11/21-36-31_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-36-31_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-36-31_/.hydra/overrides.yaml b/runs/2025-10-11/21-36-31_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-36-31_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-36-31_/main.log b/runs/2025-10-11/21-36-31_/main.log deleted file mode 100644 index 301ebde..0000000 --- a/runs/2025-10-11/21-36-31_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:36:33,710][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-40-18_/.hydra/config.yaml b/runs/2025-10-11/21-40-18_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-40-18_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-40-18_/.hydra/hydra.yaml b/runs/2025-10-11/21-40-18_/.hydra/hydra.yaml deleted file mode 100644 index 320d1af..0000000 --- a/runs/2025-10-11/21-40-18_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-40-18_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-40-18_/.hydra/overrides.yaml b/runs/2025-10-11/21-40-18_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-40-18_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-40-18_/main.log b/runs/2025-10-11/21-40-18_/main.log deleted file mode 100644 index 2aafaa0..0000000 --- a/runs/2025-10-11/21-40-18_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:40:20,348][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-45-28_/.hydra/config.yaml b/runs/2025-10-11/21-45-28_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-45-28_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-45-28_/.hydra/hydra.yaml b/runs/2025-10-11/21-45-28_/.hydra/hydra.yaml deleted file mode 100644 index 39ef0b1..0000000 --- a/runs/2025-10-11/21-45-28_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-45-28_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-45-28_/.hydra/overrides.yaml b/runs/2025-10-11/21-45-28_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-45-28_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-45-28_/main.log b/runs/2025-10-11/21-45-28_/main.log deleted file mode 100644 index b1ae81b..0000000 --- a/runs/2025-10-11/21-45-28_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 21:45:30,575][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/21-50-07_/.hydra/config.yaml b/runs/2025-10-11/21-50-07_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-50-07_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-50-07_/.hydra/hydra.yaml b/runs/2025-10-11/21-50-07_/.hydra/hydra.yaml deleted file mode 100644 index 8c171f9..0000000 --- a/runs/2025-10-11/21-50-07_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-50-07_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-50-07_/.hydra/overrides.yaml b/runs/2025-10-11/21-50-07_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-50-07_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-50-07_/main.log b/runs/2025-10-11/21-50-07_/main.log deleted file mode 100644 index 90e88a8..0000000 --- a/runs/2025-10-11/21-50-07_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 21:50:08,725][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 21:50:09,034][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - return torch.tensor(reward) - diff --git a/runs/2025-10-11/21-53-58_/.hydra/config.yaml b/runs/2025-10-11/21-53-58_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-53-58_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-53-58_/.hydra/hydra.yaml b/runs/2025-10-11/21-53-58_/.hydra/hydra.yaml deleted file mode 100644 index 9039273..0000000 --- a/runs/2025-10-11/21-53-58_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-53-58_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-53-58_/.hydra/overrides.yaml b/runs/2025-10-11/21-53-58_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-53-58_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-53-58_/main.log b/runs/2025-10-11/21-53-58_/main.log deleted file mode 100644 index f840c37..0000000 --- a/runs/2025-10-11/21-53-58_/main.log +++ /dev/null @@ -1,7 +0,0 @@ -[2025-10-11 21:53:59,807][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 21:54:00,097][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - return torch.tensor(reward) - -[2025-10-11 21:54:00,097][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:67: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - return self.q_net(torch.tensor(state).to(self.device)) - diff --git a/runs/2025-10-11/21-55-22_/.hydra/config.yaml b/runs/2025-10-11/21-55-22_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-55-22_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-55-22_/.hydra/hydra.yaml b/runs/2025-10-11/21-55-22_/.hydra/hydra.yaml deleted file mode 100644 index edf1209..0000000 --- a/runs/2025-10-11/21-55-22_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-55-22_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-55-22_/.hydra/overrides.yaml b/runs/2025-10-11/21-55-22_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-55-22_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-55-22_/main.log b/runs/2025-10-11/21-55-22_/main.log deleted file mode 100644 index 9d4adac..0000000 --- a/runs/2025-10-11/21-55-22_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 21:55:24,655][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 21:55:24,939][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - return torch.tensor(reward) - diff --git a/runs/2025-10-11/21-56-00_/.hydra/config.yaml b/runs/2025-10-11/21-56-00_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-56-00_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-56-00_/.hydra/hydra.yaml b/runs/2025-10-11/21-56-00_/.hydra/hydra.yaml deleted file mode 100644 index f8cfec3..0000000 --- a/runs/2025-10-11/21-56-00_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-56-00_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-56-00_/.hydra/overrides.yaml b/runs/2025-10-11/21-56-00_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-56-00_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-56-00_/main.log b/runs/2025-10-11/21-56-00_/main.log deleted file mode 100644 index ca56fa0..0000000 --- a/runs/2025-10-11/21-56-00_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 21:56:02,411][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 21:56:02,697][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - return torch.tensor(reward) - diff --git a/runs/2025-10-11/21-56-26_/.hydra/config.yaml b/runs/2025-10-11/21-56-26_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/21-56-26_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/21-56-26_/.hydra/hydra.yaml b/runs/2025-10-11/21-56-26_/.hydra/hydra.yaml deleted file mode 100644 index 09d09e6..0000000 --- a/runs/2025-10-11/21-56-26_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\21-56-26_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/21-56-26_/.hydra/overrides.yaml b/runs/2025-10-11/21-56-26_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/21-56-26_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/21-56-26_/main.log b/runs/2025-10-11/21-56-26_/main.log deleted file mode 100644 index 782122a..0000000 --- a/runs/2025-10-11/21-56-26_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 21:56:28,491][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 21:56:28,783][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - return torch.tensor(reward) - diff --git a/runs/2025-10-11/22-00-13_/.hydra/config.yaml b/runs/2025-10-11/22-00-13_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-00-13_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-00-13_/.hydra/hydra.yaml b/runs/2025-10-11/22-00-13_/.hydra/hydra.yaml deleted file mode 100644 index cd874c4..0000000 --- a/runs/2025-10-11/22-00-13_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-00-13_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-00-13_/.hydra/overrides.yaml b/runs/2025-10-11/22-00-13_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-00-13_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-00-13_/main.log b/runs/2025-10-11/22-00-13_/main.log deleted file mode 100644 index 268736e..0000000 --- a/runs/2025-10-11/22-00-13_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 22:00:15,814][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:00:16,078][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - np.where(done, torch.tensor(reward), torch.tensor(reward) + self.gamma * torch.max(self.target_net(torch.tensor(next_state).to(self.device)))) - diff --git a/runs/2025-10-11/22-00-36_/.hydra/config.yaml b/runs/2025-10-11/22-00-36_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-00-36_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-00-36_/.hydra/hydra.yaml b/runs/2025-10-11/22-00-36_/.hydra/hydra.yaml deleted file mode 100644 index 64532e3..0000000 --- a/runs/2025-10-11/22-00-36_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-00-36_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-00-36_/.hydra/overrides.yaml b/runs/2025-10-11/22-00-36_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-00-36_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-00-36_/main.log b/runs/2025-10-11/22-00-36_/main.log deleted file mode 100644 index a61aac0..0000000 --- a/runs/2025-10-11/22-00-36_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 22:00:37,780][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:00:38,052][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - np.where(done, torch.tensor(reward).to(self.device), torch.tensor(reward) + self.gamma * torch.max(self.target_net(torch.tensor(next_state).to(self.device)))) - diff --git a/runs/2025-10-11/22-02-56_/.hydra/config.yaml b/runs/2025-10-11/22-02-56_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-02-56_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-02-56_/.hydra/hydra.yaml b/runs/2025-10-11/22-02-56_/.hydra/hydra.yaml deleted file mode 100644 index cc98148..0000000 --- a/runs/2025-10-11/22-02-56_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-02-56_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-02-56_/.hydra/overrides.yaml b/runs/2025-10-11/22-02-56_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-02-56_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-02-56_/main.log b/runs/2025-10-11/22-02-56_/main.log deleted file mode 100644 index 8a98451..0000000 --- a/runs/2025-10-11/22-02-56_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 22:02:58,218][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:02:58,512][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:56: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - np.where(done, torch.tensor(reward).to(self.device), torch.tensor(reward).to(self.device) + torch.max(self.target_net(torch.tensor(next_state).to(self.device)))* self.gamma) - diff --git a/runs/2025-10-11/22-03-56_/.hydra/config.yaml b/runs/2025-10-11/22-03-56_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-03-56_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-03-56_/.hydra/hydra.yaml b/runs/2025-10-11/22-03-56_/.hydra/hydra.yaml deleted file mode 100644 index ed15827..0000000 --- a/runs/2025-10-11/22-03-56_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-03-56_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-03-56_/.hydra/overrides.yaml b/runs/2025-10-11/22-03-56_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-03-56_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-03-56_/main.log b/runs/2025-10-11/22-03-56_/main.log deleted file mode 100644 index 8805bba..0000000 --- a/runs/2025-10-11/22-03-56_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 22:03:57,807][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:03:58,085][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - tensor_arr=np.where(done, torch.tensor(reward).to(self.device), torch.tensor(reward).to(self.device) + torch.max(self.target_net(torch.tensor(next_state).to(self.device))) * self.gamma) - diff --git a/runs/2025-10-11/22-04-28_/.hydra/config.yaml b/runs/2025-10-11/22-04-28_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-04-28_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-04-28_/.hydra/hydra.yaml b/runs/2025-10-11/22-04-28_/.hydra/hydra.yaml deleted file mode 100644 index 3bca7b2..0000000 --- a/runs/2025-10-11/22-04-28_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-04-28_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-04-28_/.hydra/overrides.yaml b/runs/2025-10-11/22-04-28_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-04-28_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-04-28_/main.log b/runs/2025-10-11/22-04-28_/main.log deleted file mode 100644 index b03fab0..0000000 --- a/runs/2025-10-11/22-04-28_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 22:04:30,233][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:04:30,502][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - tensor_arr=np.where(done, torch.tensor(reward).to(self.device), torch.tensor(reward).to(self.device) + torch.max(self.target_net(torch.tensor(next_state).to(self.device))) * torch.tensor(self.gamma).to(self.device)) - diff --git a/runs/2025-10-11/22-05-35_/.hydra/config.yaml b/runs/2025-10-11/22-05-35_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-05-35_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-05-35_/.hydra/hydra.yaml b/runs/2025-10-11/22-05-35_/.hydra/hydra.yaml deleted file mode 100644 index d78b3d6..0000000 --- a/runs/2025-10-11/22-05-35_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-05-35_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-05-35_/.hydra/overrides.yaml b/runs/2025-10-11/22-05-35_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-05-35_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-05-35_/main.log b/runs/2025-10-11/22-05-35_/main.log deleted file mode 100644 index 84c97dd..0000000 --- a/runs/2025-10-11/22-05-35_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 22:05:36,943][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:05:37,215][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - tensor_arr=np.where(done, torch.tensor(reward).to(self.device), torch.tensor(reward).to(self.device) + torch.max(self.target_net(torch.tensor(next_state).to(self.device))).to(self.device) * torch.tensor(self.gamma).to(self.device)) - diff --git a/runs/2025-10-11/22-06-44_/.hydra/config.yaml b/runs/2025-10-11/22-06-44_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-06-44_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-06-44_/.hydra/hydra.yaml b/runs/2025-10-11/22-06-44_/.hydra/hydra.yaml deleted file mode 100644 index 8101bf5..0000000 --- a/runs/2025-10-11/22-06-44_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-06-44_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-06-44_/.hydra/overrides.yaml b/runs/2025-10-11/22-06-44_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-06-44_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-06-44_/main.log b/runs/2025-10-11/22-06-44_/main.log deleted file mode 100644 index 3b1819c..0000000 --- a/runs/2025-10-11/22-06-44_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 22:06:46,075][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:06:46,370][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - tensor_arr=np.where(done, torch.tensor(reward).to(self.device), torch.tensor(reward).to(self.device) + torch.max(self.target_net(torch.tensor(next_state).to(self.device)).cpu(), dim=1).to * torch.tensor(self.gamma).to(self.device)) - diff --git a/runs/2025-10-11/22-07-02_/.hydra/config.yaml b/runs/2025-10-11/22-07-02_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-07-02_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-07-02_/.hydra/hydra.yaml b/runs/2025-10-11/22-07-02_/.hydra/hydra.yaml deleted file mode 100644 index 620925f..0000000 --- a/runs/2025-10-11/22-07-02_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-07-02_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-07-02_/.hydra/overrides.yaml b/runs/2025-10-11/22-07-02_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-07-02_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-07-02_/main.log b/runs/2025-10-11/22-07-02_/main.log deleted file mode 100644 index 48e41f6..0000000 --- a/runs/2025-10-11/22-07-02_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 22:07:04,219][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:07:04,537][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - tensor_arr=np.where(done, torch.tensor(reward).to(self.device), torch.tensor(reward).to(self.device) + torch.max(self.target_net(torch.tensor(next_state).to(self.device)).cpu(), dim=1).to(self.device) * torch.tensor(self.gamma).to(self.device)) - diff --git a/runs/2025-10-11/22-07-48_/.hydra/config.yaml b/runs/2025-10-11/22-07-48_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-07-48_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-07-48_/.hydra/hydra.yaml b/runs/2025-10-11/22-07-48_/.hydra/hydra.yaml deleted file mode 100644 index b903472..0000000 --- a/runs/2025-10-11/22-07-48_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-07-48_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-07-48_/.hydra/overrides.yaml b/runs/2025-10-11/22-07-48_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-07-48_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-07-48_/main.log b/runs/2025-10-11/22-07-48_/main.log deleted file mode 100644 index cdf4997..0000000 --- a/runs/2025-10-11/22-07-48_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 22:07:51,021][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:07:51,346][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - tensor_arr=np.where(done, torch.tensor(reward).to(self.device), torch.tensor(reward).to(self.device) + torch.max(self.target_net(torch.tensor(next_state).to(self.device)).cpu(), dim=1) * torch.tensor(self.gamma).to(self.device)) - diff --git a/runs/2025-10-11/22-08-45_/.hydra/config.yaml b/runs/2025-10-11/22-08-45_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-08-45_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-08-45_/.hydra/hydra.yaml b/runs/2025-10-11/22-08-45_/.hydra/hydra.yaml deleted file mode 100644 index b934d53..0000000 --- a/runs/2025-10-11/22-08-45_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-08-45_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-08-45_/.hydra/overrides.yaml b/runs/2025-10-11/22-08-45_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-08-45_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-08-45_/main.log b/runs/2025-10-11/22-08-45_/main.log deleted file mode 100644 index 576d652..0000000 --- a/runs/2025-10-11/22-08-45_/main.log +++ /dev/null @@ -1,7 +0,0 @@ -[2025-10-11 22:08:47,695][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:08:48,005][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - max_tensor = torch.max(self.target_net(torch.tensor(next_state).to(self.device)).cpu(), dim=1) - -[2025-10-11 22:08:48,032][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:56: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - tensor_arr = np.where(done, torch.tensor(reward).to(self.device), torch.tensor(reward).to(self.device) + max_tensor * torch.tensor(self.gamma).to(self.device)) - diff --git a/runs/2025-10-11/22-09-31_/.hydra/config.yaml b/runs/2025-10-11/22-09-31_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-09-31_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-09-31_/.hydra/hydra.yaml b/runs/2025-10-11/22-09-31_/.hydra/hydra.yaml deleted file mode 100644 index 161ee0b..0000000 --- a/runs/2025-10-11/22-09-31_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-09-31_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-09-31_/.hydra/overrides.yaml b/runs/2025-10-11/22-09-31_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-09-31_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-09-31_/main.log b/runs/2025-10-11/22-09-31_/main.log deleted file mode 100644 index 182d394..0000000 --- a/runs/2025-10-11/22-09-31_/main.log +++ /dev/null @@ -1,7 +0,0 @@ -[2025-10-11 22:09:33,607][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:09:33,902][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:55: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - max_tensor = torch.max(self.target_net(torch.tensor(next_state).to(self.device)).cpu(), dim=1) - -[2025-10-11 22:09:33,932][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:57: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - tensor_arr = np.where(done, torch.tensor(reward).to(self.device), torch.tensor(reward).to(self.device) + max_tensor * gamma_tensor) - diff --git a/runs/2025-10-11/22-11-26_/.hydra/config.yaml b/runs/2025-10-11/22-11-26_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-11-26_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-11-26_/.hydra/hydra.yaml b/runs/2025-10-11/22-11-26_/.hydra/hydra.yaml deleted file mode 100644 index dc1d363..0000000 --- a/runs/2025-10-11/22-11-26_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-11-26_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-11-26_/.hydra/overrides.yaml b/runs/2025-10-11/22-11-26_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-11-26_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-11-26_/main.log b/runs/2025-10-11/22-11-26_/main.log deleted file mode 100644 index 35209ad..0000000 --- a/runs/2025-10-11/22-11-26_/main.log +++ /dev/null @@ -1,7 +0,0 @@ -[2025-10-11 22:11:28,537][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:11:28,830][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:56: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - reward_tensor = torch.tensor(reward).to(self.device) - -[2025-10-11 22:11:28,830][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:57: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - max_tensor = torch.max(self.target_net(torch.tensor(next_state).to(self.device)).cpu(), dim=1) - diff --git a/runs/2025-10-11/22-13-11_/.hydra/config.yaml b/runs/2025-10-11/22-13-11_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-13-11_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-13-11_/.hydra/hydra.yaml b/runs/2025-10-11/22-13-11_/.hydra/hydra.yaml deleted file mode 100644 index dc3b98b..0000000 --- a/runs/2025-10-11/22-13-11_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-13-11_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-13-11_/.hydra/overrides.yaml b/runs/2025-10-11/22-13-11_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-13-11_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-13-11_/main.log b/runs/2025-10-11/22-13-11_/main.log deleted file mode 100644 index 560bc35..0000000 --- a/runs/2025-10-11/22-13-11_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:13:13,125][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-13-57_/.hydra/config.yaml b/runs/2025-10-11/22-13-57_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-13-57_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-13-57_/.hydra/hydra.yaml b/runs/2025-10-11/22-13-57_/.hydra/hydra.yaml deleted file mode 100644 index 30df55a..0000000 --- a/runs/2025-10-11/22-13-57_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-13-57_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-13-57_/.hydra/overrides.yaml b/runs/2025-10-11/22-13-57_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-13-57_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-13-57_/main.log b/runs/2025-10-11/22-13-57_/main.log deleted file mode 100644 index 1141cab..0000000 --- a/runs/2025-10-11/22-13-57_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:13:59,498][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-14-06_/.hydra/config.yaml b/runs/2025-10-11/22-14-06_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-14-06_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-14-06_/.hydra/hydra.yaml b/runs/2025-10-11/22-14-06_/.hydra/hydra.yaml deleted file mode 100644 index ebc0043..0000000 --- a/runs/2025-10-11/22-14-06_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-14-06_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-14-06_/.hydra/overrides.yaml b/runs/2025-10-11/22-14-06_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-14-06_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-14-06_/main.log b/runs/2025-10-11/22-14-06_/main.log deleted file mode 100644 index dfd7c4c..0000000 --- a/runs/2025-10-11/22-14-06_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:14:08,522][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-18-07_/.hydra/config.yaml b/runs/2025-10-11/22-18-07_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-18-07_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-18-07_/.hydra/hydra.yaml b/runs/2025-10-11/22-18-07_/.hydra/hydra.yaml deleted file mode 100644 index 5d64783..0000000 --- a/runs/2025-10-11/22-18-07_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-18-07_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-18-07_/.hydra/overrides.yaml b/runs/2025-10-11/22-18-07_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-18-07_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-18-07_/main.log b/runs/2025-10-11/22-18-07_/main.log deleted file mode 100644 index 69923cc..0000000 --- a/runs/2025-10-11/22-18-07_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:18:09,252][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-18-54_/.hydra/config.yaml b/runs/2025-10-11/22-18-54_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-18-54_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-18-54_/.hydra/hydra.yaml b/runs/2025-10-11/22-18-54_/.hydra/hydra.yaml deleted file mode 100644 index 9af89a4..0000000 --- a/runs/2025-10-11/22-18-54_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-18-54_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-18-54_/.hydra/overrides.yaml b/runs/2025-10-11/22-18-54_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-18-54_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-18-54_/main.log b/runs/2025-10-11/22-18-54_/main.log deleted file mode 100644 index 07e85c6..0000000 --- a/runs/2025-10-11/22-18-54_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:18:56,252][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-21-12_/.hydra/config.yaml b/runs/2025-10-11/22-21-12_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-21-12_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-21-12_/.hydra/hydra.yaml b/runs/2025-10-11/22-21-12_/.hydra/hydra.yaml deleted file mode 100644 index 077b35a..0000000 --- a/runs/2025-10-11/22-21-12_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-21-12_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-21-12_/.hydra/overrides.yaml b/runs/2025-10-11/22-21-12_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-21-12_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-21-12_/main.log b/runs/2025-10-11/22-21-12_/main.log deleted file mode 100644 index 166713c..0000000 --- a/runs/2025-10-11/22-21-12_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:21:13,907][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-22-03_/.hydra/config.yaml b/runs/2025-10-11/22-22-03_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-22-03_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-22-03_/.hydra/hydra.yaml b/runs/2025-10-11/22-22-03_/.hydra/hydra.yaml deleted file mode 100644 index 1ca0d21..0000000 --- a/runs/2025-10-11/22-22-03_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-22-03_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-22-03_/.hydra/overrides.yaml b/runs/2025-10-11/22-22-03_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-22-03_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-22-03_/main.log b/runs/2025-10-11/22-22-03_/main.log deleted file mode 100644 index 8b52de3..0000000 --- a/runs/2025-10-11/22-22-03_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:22:04,843][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-23-22_/.hydra/config.yaml b/runs/2025-10-11/22-23-22_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-23-22_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-23-22_/.hydra/hydra.yaml b/runs/2025-10-11/22-23-22_/.hydra/hydra.yaml deleted file mode 100644 index 7d1fb1a..0000000 --- a/runs/2025-10-11/22-23-22_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-23-22_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-23-22_/.hydra/overrides.yaml b/runs/2025-10-11/22-23-22_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-23-22_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-23-22_/main.log b/runs/2025-10-11/22-23-22_/main.log deleted file mode 100644 index 0660fea..0000000 --- a/runs/2025-10-11/22-23-22_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:23:24,352][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-24-15_/.hydra/config.yaml b/runs/2025-10-11/22-24-15_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-24-15_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-24-15_/.hydra/hydra.yaml b/runs/2025-10-11/22-24-15_/.hydra/hydra.yaml deleted file mode 100644 index 82559f5..0000000 --- a/runs/2025-10-11/22-24-15_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-24-15_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-24-15_/.hydra/overrides.yaml b/runs/2025-10-11/22-24-15_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-24-15_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-24-15_/main.log b/runs/2025-10-11/22-24-15_/main.log deleted file mode 100644 index 79070ec..0000000 --- a/runs/2025-10-11/22-24-15_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:24:17,523][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-24-56_/.hydra/config.yaml b/runs/2025-10-11/22-24-56_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-24-56_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-24-56_/.hydra/hydra.yaml b/runs/2025-10-11/22-24-56_/.hydra/hydra.yaml deleted file mode 100644 index 2757d80..0000000 --- a/runs/2025-10-11/22-24-56_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-24-56_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-24-56_/.hydra/overrides.yaml b/runs/2025-10-11/22-24-56_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-24-56_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-24-56_/main.log b/runs/2025-10-11/22-24-56_/main.log deleted file mode 100644 index 0ca40b8..0000000 --- a/runs/2025-10-11/22-24-56_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:24:58,084][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-26-01_/.hydra/config.yaml b/runs/2025-10-11/22-26-01_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-26-01_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-26-01_/.hydra/hydra.yaml b/runs/2025-10-11/22-26-01_/.hydra/hydra.yaml deleted file mode 100644 index 30738bf..0000000 --- a/runs/2025-10-11/22-26-01_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-26-01_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-26-01_/.hydra/overrides.yaml b/runs/2025-10-11/22-26-01_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-26-01_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-26-01_/main.log b/runs/2025-10-11/22-26-01_/main.log deleted file mode 100644 index 15d45be..0000000 --- a/runs/2025-10-11/22-26-01_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:26:03,056][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-27-28_/.hydra/config.yaml b/runs/2025-10-11/22-27-28_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-27-28_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-27-28_/.hydra/hydra.yaml b/runs/2025-10-11/22-27-28_/.hydra/hydra.yaml deleted file mode 100644 index fd1852d..0000000 --- a/runs/2025-10-11/22-27-28_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-27-28_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-27-28_/.hydra/overrides.yaml b/runs/2025-10-11/22-27-28_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-27-28_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-27-28_/main.log b/runs/2025-10-11/22-27-28_/main.log deleted file mode 100644 index 58bf9e0..0000000 --- a/runs/2025-10-11/22-27-28_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:27:30,449][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-27-48_/.hydra/config.yaml b/runs/2025-10-11/22-27-48_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-27-48_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-27-48_/.hydra/hydra.yaml b/runs/2025-10-11/22-27-48_/.hydra/hydra.yaml deleted file mode 100644 index 1adc2cd..0000000 --- a/runs/2025-10-11/22-27-48_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-27-48_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-27-48_/.hydra/overrides.yaml b/runs/2025-10-11/22-27-48_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-27-48_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-27-48_/main.log b/runs/2025-10-11/22-27-48_/main.log deleted file mode 100644 index 547dc75..0000000 --- a/runs/2025-10-11/22-27-48_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:27:50,253][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-29-04_/.hydra/config.yaml b/runs/2025-10-11/22-29-04_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-29-04_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-29-04_/.hydra/hydra.yaml b/runs/2025-10-11/22-29-04_/.hydra/hydra.yaml deleted file mode 100644 index 1fbe125..0000000 --- a/runs/2025-10-11/22-29-04_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-29-04_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-29-04_/.hydra/overrides.yaml b/runs/2025-10-11/22-29-04_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-29-04_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-29-04_/main.log b/runs/2025-10-11/22-29-04_/main.log deleted file mode 100644 index 168f198..0000000 --- a/runs/2025-10-11/22-29-04_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 22:29:06,221][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:29:06,689][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:72: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - return torch.index_select(q, 1, torch.tensor(action).to(self.device)) - diff --git a/runs/2025-10-11/22-29-38_/.hydra/config.yaml b/runs/2025-10-11/22-29-38_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-29-38_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-29-38_/.hydra/hydra.yaml b/runs/2025-10-11/22-29-38_/.hydra/hydra.yaml deleted file mode 100644 index ac6d888..0000000 --- a/runs/2025-10-11/22-29-38_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-29-38_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-29-38_/.hydra/overrides.yaml b/runs/2025-10-11/22-29-38_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-29-38_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-29-38_/main.log b/runs/2025-10-11/22-29-38_/main.log deleted file mode 100644 index c6d9fba..0000000 --- a/runs/2025-10-11/22-29-38_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 22:29:40,178][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:29:40,628][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:72: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - return torch.index_select(q, 1, torch.tensor(action)) - diff --git a/runs/2025-10-11/22-29-54_/.hydra/config.yaml b/runs/2025-10-11/22-29-54_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-29-54_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-29-54_/.hydra/hydra.yaml b/runs/2025-10-11/22-29-54_/.hydra/hydra.yaml deleted file mode 100644 index 1a18124..0000000 --- a/runs/2025-10-11/22-29-54_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-29-54_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-29-54_/.hydra/overrides.yaml b/runs/2025-10-11/22-29-54_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-29-54_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-29-54_/main.log b/runs/2025-10-11/22-29-54_/main.log deleted file mode 100644 index 34bf1a5..0000000 --- a/runs/2025-10-11/22-29-54_/main.log +++ /dev/null @@ -1,4 +0,0 @@ -[2025-10-11 22:29:56,117][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:29:56,551][py.warnings][WARNING] - d:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\agent.py:72: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.detach().clone() or sourceTensor.detach().clone().requires_grad_(True), rather than torch.tensor(sourceTensor). - return torch.index_select(q, 1, torch.tensor(action).to(self.device)) - diff --git a/runs/2025-10-11/22-30-28_/.hydra/config.yaml b/runs/2025-10-11/22-30-28_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-30-28_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-30-28_/.hydra/hydra.yaml b/runs/2025-10-11/22-30-28_/.hydra/hydra.yaml deleted file mode 100644 index 633b16b..0000000 --- a/runs/2025-10-11/22-30-28_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-30-28_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-30-28_/.hydra/overrides.yaml b/runs/2025-10-11/22-30-28_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-30-28_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-30-28_/main.log b/runs/2025-10-11/22-30-28_/main.log deleted file mode 100644 index ca86223..0000000 --- a/runs/2025-10-11/22-30-28_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:30:30,043][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-30-49_/.hydra/config.yaml b/runs/2025-10-11/22-30-49_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-30-49_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-30-49_/.hydra/hydra.yaml b/runs/2025-10-11/22-30-49_/.hydra/hydra.yaml deleted file mode 100644 index e647cfe..0000000 --- a/runs/2025-10-11/22-30-49_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-30-49_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-30-49_/.hydra/overrides.yaml b/runs/2025-10-11/22-30-49_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-30-49_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-30-49_/main.log b/runs/2025-10-11/22-30-49_/main.log deleted file mode 100644 index 672fe3a..0000000 --- a/runs/2025-10-11/22-30-49_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:30:51,155][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-31-21_/.hydra/config.yaml b/runs/2025-10-11/22-31-21_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-31-21_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-31-21_/.hydra/hydra.yaml b/runs/2025-10-11/22-31-21_/.hydra/hydra.yaml deleted file mode 100644 index 614ca17..0000000 --- a/runs/2025-10-11/22-31-21_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-31-21_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-31-21_/.hydra/overrides.yaml b/runs/2025-10-11/22-31-21_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-31-21_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-31-21_/main.log b/runs/2025-10-11/22-31-21_/main.log deleted file mode 100644 index 5955f5c..0000000 --- a/runs/2025-10-11/22-31-21_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:31:22,913][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-32-18_/.hydra/config.yaml b/runs/2025-10-11/22-32-18_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-32-18_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-32-18_/.hydra/hydra.yaml b/runs/2025-10-11/22-32-18_/.hydra/hydra.yaml deleted file mode 100644 index 7b67c53..0000000 --- a/runs/2025-10-11/22-32-18_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-32-18_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-32-18_/.hydra/overrides.yaml b/runs/2025-10-11/22-32-18_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-32-18_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-32-18_/main.log b/runs/2025-10-11/22-32-18_/main.log deleted file mode 100644 index cf1bcb2..0000000 --- a/runs/2025-10-11/22-32-18_/main.log +++ /dev/null @@ -1,2 +0,0 @@ -[2025-10-11 22:32:20,571][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:32:37,605][core][INFO] - Step: 2000, Eval mean: 9.2, Eval std: 0.6 diff --git a/runs/2025-10-11/22-32-18_/models/best_model.pt b/runs/2025-10-11/22-32-18_/models/best_model.pt deleted file mode 100644 index 1c67c54..0000000 Binary files a/runs/2025-10-11/22-32-18_/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-11/22-32-18_/results.png b/runs/2025-10-11/22-32-18_/results.png deleted file mode 100644 index 7d095a5..0000000 Binary files a/runs/2025-10-11/22-32-18_/results.png and /dev/null differ diff --git a/runs/2025-10-11/22-32-57_/.hydra/config.yaml b/runs/2025-10-11/22-32-57_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-32-57_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-32-57_/.hydra/hydra.yaml b/runs/2025-10-11/22-32-57_/.hydra/hydra.yaml deleted file mode 100644 index d3bd414..0000000 --- a/runs/2025-10-11/22-32-57_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-32-57_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-32-57_/.hydra/overrides.yaml b/runs/2025-10-11/22-32-57_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-32-57_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-32-57_/main.log b/runs/2025-10-11/22-32-57_/main.log deleted file mode 100644 index db92fe8..0000000 --- a/runs/2025-10-11/22-32-57_/main.log +++ /dev/null @@ -1,14 +0,0 @@ -[2025-10-11 22:32:58,892][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:33:08,427][core][INFO] - Step: 2000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:33:19,195][core][INFO] - Step: 4000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:33:29,736][core][INFO] - Step: 6000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:33:40,937][core][INFO] - Step: 8000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:33:52,238][core][INFO] - Step: 10000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:34:03,847][core][INFO] - Step: 12000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:34:15,649][core][INFO] - Step: 14000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:34:28,471][core][INFO] - Step: 16000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:34:41,494][core][INFO] - Step: 18000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:34:53,973][core][INFO] - Step: 20000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:35:06,951][core][INFO] - Step: 22000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:35:19,579][core][INFO] - Step: 24000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:35:33,048][core][INFO] - Step: 26000, Eval mean: 9.4, Eval std: 0.66332495807108 diff --git a/runs/2025-10-11/22-32-57_/models/best_model.pt b/runs/2025-10-11/22-32-57_/models/best_model.pt deleted file mode 100644 index a3f2adf..0000000 Binary files a/runs/2025-10-11/22-32-57_/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-11/22-32-57_/results.png b/runs/2025-10-11/22-32-57_/results.png deleted file mode 100644 index 97296cf..0000000 Binary files a/runs/2025-10-11/22-32-57_/results.png and /dev/null differ diff --git a/runs/2025-10-11/22-35-41_/.hydra/config.yaml b/runs/2025-10-11/22-35-41_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-35-41_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-35-41_/.hydra/hydra.yaml b/runs/2025-10-11/22-35-41_/.hydra/hydra.yaml deleted file mode 100644 index a814dd8..0000000 --- a/runs/2025-10-11/22-35-41_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-35-41_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-35-41_/.hydra/overrides.yaml b/runs/2025-10-11/22-35-41_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-35-41_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-35-41_/main.log b/runs/2025-10-11/22-35-41_/main.log deleted file mode 100644 index 571b2de..0000000 --- a/runs/2025-10-11/22-35-41_/main.log +++ /dev/null @@ -1,12 +0,0 @@ -[2025-10-11 22:35:43,673][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:35:53,175][core][INFO] - Step: 2000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:36:04,147][core][INFO] - Step: 4000, Eval mean: 25.2, Eval std: 2.1354156504062622 -[2025-10-11 22:36:14,701][core][INFO] - Step: 6000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:36:25,593][core][INFO] - Step: 8000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:36:36,771][core][INFO] - Step: 10000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:36:48,501][core][INFO] - Step: 12000, Eval mean: 13.2, Eval std: 0.9797958971132712 -[2025-10-11 22:37:00,186][core][INFO] - Step: 14000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:37:12,253][core][INFO] - Step: 16000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:37:24,363][core][INFO] - Step: 18000, Eval mean: 12.6, Eval std: 1.4966629547095764 -[2025-10-11 22:37:37,055][core][INFO] - Step: 20000, Eval mean: 12.9, Eval std: 1.0440306508910548 -[2025-10-11 22:37:49,427][core][INFO] - Step: 22000, Eval mean: 9.2, Eval std: 0.6 diff --git a/runs/2025-10-11/22-35-41_/models/best_model.pt b/runs/2025-10-11/22-35-41_/models/best_model.pt deleted file mode 100644 index cffb40d..0000000 Binary files a/runs/2025-10-11/22-35-41_/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-11/22-35-41_/results.png b/runs/2025-10-11/22-35-41_/results.png deleted file mode 100644 index e441da2..0000000 Binary files a/runs/2025-10-11/22-35-41_/results.png and /dev/null differ diff --git a/runs/2025-10-11/22-39-44_/.hydra/config.yaml b/runs/2025-10-11/22-39-44_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-39-44_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-39-44_/.hydra/hydra.yaml b/runs/2025-10-11/22-39-44_/.hydra/hydra.yaml deleted file mode 100644 index aff9313..0000000 --- a/runs/2025-10-11/22-39-44_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-39-44_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-39-44_/.hydra/overrides.yaml b/runs/2025-10-11/22-39-44_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-39-44_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-39-44_/main.log b/runs/2025-10-11/22-39-44_/main.log deleted file mode 100644 index 3f99551..0000000 --- a/runs/2025-10-11/22-39-44_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:39:45,863][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-43-29_/.hydra/config.yaml b/runs/2025-10-11/22-43-29_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-43-29_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-43-29_/.hydra/hydra.yaml b/runs/2025-10-11/22-43-29_/.hydra/hydra.yaml deleted file mode 100644 index 6b09633..0000000 --- a/runs/2025-10-11/22-43-29_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-43-29_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-43-29_/.hydra/overrides.yaml b/runs/2025-10-11/22-43-29_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-43-29_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-43-29_/main.log b/runs/2025-10-11/22-43-29_/main.log deleted file mode 100644 index 65a01e1..0000000 --- a/runs/2025-10-11/22-43-29_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:43:31,673][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-44-12_/.hydra/config.yaml b/runs/2025-10-11/22-44-12_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-44-12_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-44-12_/.hydra/hydra.yaml b/runs/2025-10-11/22-44-12_/.hydra/hydra.yaml deleted file mode 100644 index cea2c2a..0000000 --- a/runs/2025-10-11/22-44-12_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-44-12_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-44-12_/.hydra/overrides.yaml b/runs/2025-10-11/22-44-12_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-44-12_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-44-12_/main.log b/runs/2025-10-11/22-44-12_/main.log deleted file mode 100644 index 95ae51f..0000000 --- a/runs/2025-10-11/22-44-12_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:44:14,330][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-44-30_/.hydra/config.yaml b/runs/2025-10-11/22-44-30_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-44-30_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-44-30_/.hydra/hydra.yaml b/runs/2025-10-11/22-44-30_/.hydra/hydra.yaml deleted file mode 100644 index bb7eb34..0000000 --- a/runs/2025-10-11/22-44-30_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-44-30_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-44-30_/.hydra/overrides.yaml b/runs/2025-10-11/22-44-30_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-44-30_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-44-30_/main.log b/runs/2025-10-11/22-44-30_/main.log deleted file mode 100644 index 1b79656..0000000 --- a/runs/2025-10-11/22-44-30_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:44:31,787][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-45-48_/.hydra/config.yaml b/runs/2025-10-11/22-45-48_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-45-48_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-45-48_/.hydra/hydra.yaml b/runs/2025-10-11/22-45-48_/.hydra/hydra.yaml deleted file mode 100644 index a6e87fa..0000000 --- a/runs/2025-10-11/22-45-48_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-45-48_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-45-48_/.hydra/overrides.yaml b/runs/2025-10-11/22-45-48_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-45-48_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-45-48_/main.log b/runs/2025-10-11/22-45-48_/main.log deleted file mode 100644 index 7654546..0000000 --- a/runs/2025-10-11/22-45-48_/main.log +++ /dev/null @@ -1,15 +0,0 @@ -[2025-10-11 22:45:50,761][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:46:00,290][core][INFO] - Step: 2000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:46:10,843][core][INFO] - Step: 4000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:46:21,821][core][INFO] - Step: 6000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:46:33,067][core][INFO] - Step: 8000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:46:44,081][core][INFO] - Step: 10000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:46:55,719][core][INFO] - Step: 12000, Eval mean: 12.1, Eval std: 2.4269322199023193 -[2025-10-11 22:47:07,463][core][INFO] - Step: 14000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:47:19,411][core][INFO] - Step: 16000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:47:31,631][core][INFO] - Step: 18000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:47:44,763][core][INFO] - Step: 20000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:47:57,803][core][INFO] - Step: 22000, Eval mean: 10.5, Eval std: 0.9219544457292888 -[2025-10-11 22:48:10,465][core][INFO] - Step: 24000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:48:22,940][core][INFO] - Step: 26000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:48:35,661][core][INFO] - Step: 28000, Eval mean: 9.4, Eval std: 0.66332495807108 diff --git a/runs/2025-10-11/22-45-48_/models/best_model.pt b/runs/2025-10-11/22-45-48_/models/best_model.pt deleted file mode 100644 index 5566435..0000000 Binary files a/runs/2025-10-11/22-45-48_/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-11/22-45-48_/results.png b/runs/2025-10-11/22-45-48_/results.png deleted file mode 100644 index de0b708..0000000 Binary files a/runs/2025-10-11/22-45-48_/results.png and /dev/null differ diff --git a/runs/2025-10-11/22-53-16_/.hydra/config.yaml b/runs/2025-10-11/22-53-16_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-53-16_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-53-16_/.hydra/hydra.yaml b/runs/2025-10-11/22-53-16_/.hydra/hydra.yaml deleted file mode 100644 index 7129228..0000000 --- a/runs/2025-10-11/22-53-16_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-53-16_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-53-16_/.hydra/overrides.yaml b/runs/2025-10-11/22-53-16_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-53-16_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-53-16_/main.log b/runs/2025-10-11/22-53-16_/main.log deleted file mode 100644 index 025bb41..0000000 --- a/runs/2025-10-11/22-53-16_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 22:53:18,171][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/22-54-18_/.hydra/config.yaml b/runs/2025-10-11/22-54-18_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/22-54-18_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/22-54-18_/.hydra/hydra.yaml b/runs/2025-10-11/22-54-18_/.hydra/hydra.yaml deleted file mode 100644 index a3dc78a..0000000 --- a/runs/2025-10-11/22-54-18_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\22-54-18_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/22-54-18_/.hydra/overrides.yaml b/runs/2025-10-11/22-54-18_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/22-54-18_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/22-54-18_/main.log b/runs/2025-10-11/22-54-18_/main.log deleted file mode 100644 index be1d76a..0000000 --- a/runs/2025-10-11/22-54-18_/main.log +++ /dev/null @@ -1,7 +0,0 @@ -[2025-10-11 22:54:20,323][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 22:54:29,346][core][INFO] - Step: 2000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:54:39,848][core][INFO] - Step: 4000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:54:50,222][core][INFO] - Step: 6000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:55:00,611][core][INFO] - Step: 8000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 22:55:11,300][core][INFO] - Step: 10000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 22:55:22,394][core][INFO] - Step: 12000, Eval mean: 9.4, Eval std: 0.66332495807108 diff --git a/runs/2025-10-11/22-54-18_/models/best_model.pt b/runs/2025-10-11/22-54-18_/models/best_model.pt deleted file mode 100644 index 28e8ecb..0000000 Binary files a/runs/2025-10-11/22-54-18_/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-11/22-54-18_/results.png b/runs/2025-10-11/22-54-18_/results.png deleted file mode 100644 index 4a4d8db..0000000 Binary files a/runs/2025-10-11/22-54-18_/results.png and /dev/null differ diff --git a/runs/2025-10-11/23-00-28_/.hydra/config.yaml b/runs/2025-10-11/23-00-28_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/23-00-28_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/23-00-28_/.hydra/hydra.yaml b/runs/2025-10-11/23-00-28_/.hydra/hydra.yaml deleted file mode 100644 index 6ee6082..0000000 --- a/runs/2025-10-11/23-00-28_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\23-00-28_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/23-00-28_/.hydra/overrides.yaml b/runs/2025-10-11/23-00-28_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/23-00-28_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/23-00-28_/main.log b/runs/2025-10-11/23-00-28_/main.log deleted file mode 100644 index 38e4841..0000000 --- a/runs/2025-10-11/23-00-28_/main.log +++ /dev/null @@ -1,14 +0,0 @@ -[2025-10-11 23:00:29,935][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 23:00:40,428][core][INFO] - Step: 2000, Eval mean: 262.8, Eval std: 52.92409659125038 -[2025-10-11 23:00:51,892][core][INFO] - Step: 4000, Eval mean: 243.4, Eval std: 65.53655468515262 -[2025-10-11 23:01:03,173][core][INFO] - Step: 6000, Eval mean: 181.4, Eval std: 57.339689570139804 -[2025-10-11 23:01:13,851][core][INFO] - Step: 8000, Eval mean: 98.2, Eval std: 2.638181191654584 -[2025-10-11 23:01:25,103][core][INFO] - Step: 10000, Eval mean: 116.9, Eval std: 5.18555686498567 -[2025-10-11 23:01:36,581][core][INFO] - Step: 12000, Eval mean: 108.0, Eval std: 3.4641016151377544 -[2025-10-11 23:01:48,356][core][INFO] - Step: 14000, Eval mean: 149.4, Eval std: 7.578918128598566 -[2025-10-11 23:02:00,898][core][INFO] - Step: 16000, Eval mean: 250.2, Eval std: 12.416118556135006 -[2025-10-11 23:02:14,704][core][INFO] - Step: 18000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:02:28,706][core][INFO] - Step: 20000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:02:42,852][core][INFO] - Step: 22000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:02:56,994][core][INFO] - Step: 24000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:03:11,660][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 diff --git a/runs/2025-10-11/23-00-28_/results.png b/runs/2025-10-11/23-00-28_/results.png deleted file mode 100644 index b0dcb7a..0000000 Binary files a/runs/2025-10-11/23-00-28_/results.png and /dev/null differ diff --git a/runs/2025-10-11/23-13-55_agent.use_double=true/best_videos.mp4 b/runs/2025-10-11/23-13-55_agent.use_double=true/best_videos.mp4 deleted file mode 100644 index 570b400..0000000 Binary files a/runs/2025-10-11/23-13-55_agent.use_double=true/best_videos.mp4 and /dev/null differ diff --git a/runs/2025-10-11/23-13-55_agent.use_double=true/final_videos.mp4 b/runs/2025-10-11/23-13-55_agent.use_double=true/final_videos.mp4 deleted file mode 100644 index d203370..0000000 Binary files a/runs/2025-10-11/23-13-55_agent.use_double=true/final_videos.mp4 and /dev/null differ diff --git a/runs/2025-10-11/23-13-55_agent.use_double=true/main.log b/runs/2025-10-11/23-13-55_agent.use_double=true/main.log deleted file mode 100644 index 1d7cf4b..0000000 --- a/runs/2025-10-11/23-13-55_agent.use_double=true/main.log +++ /dev/null @@ -1,28 +0,0 @@ -[2025-10-11 23:13:57,284][__main__][INFO] - Training for 50000 timesteps with DoubleQNetwork and NormalReplayBuffer -[2025-10-11 23:14:07,969][core][INFO] - Step: 2000, Eval mean: 218.8, Eval std: 46.64933011308951 -[2025-10-11 23:14:20,236][core][INFO] - Step: 4000, Eval mean: 289.1, Eval std: 84.42920110956872 -[2025-10-11 23:14:32,817][core][INFO] - Step: 6000, Eval mean: 318.0, Eval std: 121.90570126126177 -[2025-10-11 23:14:45,386][core][INFO] - Step: 8000, Eval mean: 368.1, Eval std: 90.16479357265783 -[2025-10-11 23:14:58,010][core][INFO] - Step: 10000, Eval mean: 336.9, Eval std: 86.67000634590954 -[2025-10-11 23:15:10,690][core][INFO] - Step: 12000, Eval mean: 307.9, Eval std: 74.98993265765745 -[2025-10-11 23:15:23,173][core][INFO] - Step: 14000, Eval mean: 248.0, Eval std: 49.15689168366934 -[2025-10-11 23:15:35,842][core][INFO] - Step: 16000, Eval mean: 205.7, Eval std: 22.60110616761932 -[2025-10-11 23:15:48,478][core][INFO] - Step: 18000, Eval mean: 140.9, Eval std: 7.608547824650904 -[2025-10-11 23:16:00,748][core][INFO] - Step: 20000, Eval mean: 142.5, Eval std: 6.786015030929419 -[2025-10-11 23:16:13,238][core][INFO] - Step: 22000, Eval mean: 143.7, Eval std: 7.22564875980005 -[2025-10-11 23:16:27,402][core][INFO] - Step: 24000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:16:41,807][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:16:56,302][core][INFO] - Step: 28000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:17:10,156][core][INFO] - Step: 30000, Eval mean: 317.2, Eval std: 46.84613111026353 -[2025-10-11 23:17:24,824][core][INFO] - Step: 32000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:17:39,347][core][INFO] - Step: 34000, Eval mean: 356.2, Eval std: 49.19512170937277 -[2025-10-11 23:17:55,602][core][INFO] - Step: 36000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:18:11,503][core][INFO] - Step: 38000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:18:27,027][core][INFO] - Step: 40000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:18:42,744][core][INFO] - Step: 42000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:18:58,366][core][INFO] - Step: 44000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:19:15,543][core][INFO] - Step: 46000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:19:31,906][core][INFO] - Step: 48000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:19:48,053][core][INFO] - Step: 50000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:20:09,011][core][INFO] - Final Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:20:14,555][__main__][INFO] - Finish training with eval mean: 500.0 diff --git a/runs/2025-10-11/23-13-55_agent.use_double=true/models/best_model.pt b/runs/2025-10-11/23-13-55_agent.use_double=true/models/best_model.pt deleted file mode 100644 index e7903a5..0000000 Binary files a/runs/2025-10-11/23-13-55_agent.use_double=true/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-11/23-13-55_agent.use_double=true/models/final_model.pt b/runs/2025-10-11/23-13-55_agent.use_double=true/models/final_model.pt deleted file mode 100644 index d7ca185..0000000 Binary files a/runs/2025-10-11/23-13-55_agent.use_double=true/models/final_model.pt and /dev/null differ diff --git a/runs/2025-10-11/23-13-55_agent.use_double=true/results.png b/runs/2025-10-11/23-13-55_agent.use_double=true/results.png deleted file mode 100644 index 1997a8a..0000000 Binary files a/runs/2025-10-11/23-13-55_agent.use_double=true/results.png and /dev/null differ diff --git a/runs/2025-10-11/23-25-31_/.hydra/config.yaml b/runs/2025-10-11/23-25-31_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/23-25-31_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/23-25-31_/.hydra/overrides.yaml b/runs/2025-10-11/23-25-31_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/23-25-31_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/23-25-31_/main.log b/runs/2025-10-11/23-25-31_/main.log deleted file mode 100644 index 9ff4ed1..0000000 --- a/runs/2025-10-11/23-25-31_/main.log +++ /dev/null @@ -1,2 +0,0 @@ -[2025-10-11 23:25:33,757][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 23:25:44,936][core][INFO] - Step: 2000, Eval mean: 262.8, Eval std: 52.92409659125038 diff --git a/runs/2025-10-11/23-25-31_/models/best_model.pt b/runs/2025-10-11/23-25-31_/models/best_model.pt deleted file mode 100644 index 55b14cb..0000000 Binary files a/runs/2025-10-11/23-25-31_/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-11/23-25-31_/results.png b/runs/2025-10-11/23-25-31_/results.png deleted file mode 100644 index b2a8744..0000000 Binary files a/runs/2025-10-11/23-25-31_/results.png and /dev/null differ diff --git a/runs/2025-10-11/23-26-02_agent.use_dueling=true/main.log b/runs/2025-10-11/23-26-02_agent.use_dueling=true/main.log deleted file mode 100644 index 4f9d42f..0000000 --- a/runs/2025-10-11/23-26-02_agent.use_dueling=true/main.log +++ /dev/null @@ -1,15 +0,0 @@ -[2025-10-11 23:26:03,897][__main__][INFO] - Training for 50000 timesteps with DuelingQNetwork and NormalReplayBuffer -[2025-10-11 23:26:17,366][core][INFO] - Step: 2000, Eval mean: 226.0, Eval std: 42.757455490241696 -[2025-10-11 23:26:31,018][core][INFO] - Step: 4000, Eval mean: 106.6, Eval std: 3.49857113690718 -[2025-10-11 23:26:44,765][core][INFO] - Step: 6000, Eval mean: 111.5, Eval std: 3.1064449134018135 -[2025-10-11 23:26:58,783][core][INFO] - Step: 8000, Eval mean: 96.8, Eval std: 2.821347195933177 -[2025-10-11 23:27:13,637][core][INFO] - Step: 10000, Eval mean: 112.4, Eval std: 4.476605857119878 -[2025-10-11 23:27:30,697][core][INFO] - Step: 12000, Eval mean: 257.3, Eval std: 5.692978130996114 -[2025-10-11 23:27:49,873][core][INFO] - Step: 14000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:28:06,234][core][INFO] - Step: 16000, Eval mean: 113.8, Eval std: 3.515679166249389 -[2025-10-11 23:28:22,582][core][INFO] - Step: 18000, Eval mean: 182.2, Eval std: 8.022468448052631 -[2025-10-11 23:28:41,446][core][INFO] - Step: 20000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:29:00,468][core][INFO] - Step: 22000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:29:19,606][core][INFO] - Step: 24000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:29:39,300][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:29:55,951][core][INFO] - Step: 28000, Eval mean: 140.2, Eval std: 3.4871191548325386 diff --git a/runs/2025-10-11/23-26-02_agent.use_dueling=true/results.png b/runs/2025-10-11/23-26-02_agent.use_dueling=true/results.png deleted file mode 100644 index c6f6a87..0000000 Binary files a/runs/2025-10-11/23-26-02_agent.use_dueling=true/results.png and /dev/null differ diff --git a/runs/2025-10-11/23-38-40_/.hydra/config.yaml b/runs/2025-10-11/23-38-40_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/23-38-40_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/23-38-40_/.hydra/hydra.yaml b/runs/2025-10-11/23-38-40_/.hydra/hydra.yaml deleted file mode 100644 index a75607f..0000000 --- a/runs/2025-10-11/23-38-40_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-11\23-38-40_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/23-38-40_/.hydra/overrides.yaml b/runs/2025-10-11/23-38-40_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/23-38-40_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/23-38-40_/main.log b/runs/2025-10-11/23-38-40_/main.log deleted file mode 100644 index b24be93..0000000 --- a/runs/2025-10-11/23-38-40_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 23:38:41,858][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/23-39-47_/.hydra/config.yaml b/runs/2025-10-11/23-39-47_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/23-39-47_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/23-39-47_/.hydra/hydra.yaml b/runs/2025-10-11/23-39-47_/.hydra/hydra.yaml deleted file mode 100644 index 57787c6..0000000 --- a/runs/2025-10-11/23-39-47_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-11\23-39-47_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/23-39-47_/.hydra/overrides.yaml b/runs/2025-10-11/23-39-47_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/23-39-47_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/23-39-47_/main.log b/runs/2025-10-11/23-39-47_/main.log deleted file mode 100644 index 92583e2..0000000 --- a/runs/2025-10-11/23-39-47_/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 23:39:49,349][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/23-41-02_/.hydra/config.yaml b/runs/2025-10-11/23-41-02_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/23-41-02_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/23-41-02_/.hydra/hydra.yaml b/runs/2025-10-11/23-41-02_/.hydra/hydra.yaml deleted file mode 100644 index 9d613f1..0000000 --- a/runs/2025-10-11/23-41-02_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-11\23-41-02_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/23-41-02_/.hydra/overrides.yaml b/runs/2025-10-11/23-41-02_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/23-41-02_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/23-41-02_/main.log b/runs/2025-10-11/23-41-02_/main.log deleted file mode 100644 index 3966e1e..0000000 --- a/runs/2025-10-11/23-41-02_/main.log +++ /dev/null @@ -1,11 +0,0 @@ -[2025-10-11 23:41:03,998][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 23:41:14,639][core][INFO] - Step: 2000, Eval mean: 262.8, Eval std: 52.92409659125038 -[2025-10-11 23:41:26,221][core][INFO] - Step: 4000, Eval mean: 243.4, Eval std: 65.53655468515262 -[2025-10-11 23:41:37,900][core][INFO] - Step: 6000, Eval mean: 181.4, Eval std: 57.339689570139804 -[2025-10-11 23:41:48,820][core][INFO] - Step: 8000, Eval mean: 98.2, Eval std: 2.638181191654584 -[2025-10-11 23:42:00,404][core][INFO] - Step: 10000, Eval mean: 116.9, Eval std: 5.18555686498567 -[2025-10-11 23:42:12,569][core][INFO] - Step: 12000, Eval mean: 108.0, Eval std: 3.4641016151377544 -[2025-10-11 23:42:24,494][core][INFO] - Step: 14000, Eval mean: 149.4, Eval std: 7.578918128598566 -[2025-10-11 23:42:37,439][core][INFO] - Step: 16000, Eval mean: 250.2, Eval std: 12.416118556135006 -[2025-10-11 23:42:52,336][core][INFO] - Step: 18000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:43:07,082][core][INFO] - Step: 20000, Eval mean: 500.0, Eval std: 0.0 diff --git a/runs/2025-10-11/23-41-02_/models/best_model.pt b/runs/2025-10-11/23-41-02_/models/best_model.pt deleted file mode 100644 index 447c587..0000000 Binary files a/runs/2025-10-11/23-41-02_/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-11/23-41-02_/results.png b/runs/2025-10-11/23-41-02_/results.png deleted file mode 100644 index 7ba2273..0000000 Binary files a/runs/2025-10-11/23-41-02_/results.png and /dev/null differ diff --git a/runs/2025-10-11/23-43-22_buffer.use_per=true/main.log b/runs/2025-10-11/23-43-22_buffer.use_per=true/main.log deleted file mode 100644 index b62152b..0000000 --- a/runs/2025-10-11/23-43-22_buffer.use_per=true/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-11 23:43:24,112][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and PrioritizedReplayBuffer diff --git a/runs/2025-10-11/23-43-52_buffer.use_per=true/main.log b/runs/2025-10-11/23-43-52_buffer.use_per=true/main.log deleted file mode 100644 index 6a77c7a..0000000 --- a/runs/2025-10-11/23-43-52_buffer.use_per=true/main.log +++ /dev/null @@ -1,28 +0,0 @@ -[2025-10-11 23:43:53,676][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and PrioritizedReplayBuffer -[2025-10-11 23:44:10,340][core][INFO] - Step: 2000, Eval mean: 167.4, Eval std: 44.43467114765226 -[2025-10-11 23:44:28,836][core][INFO] - Step: 4000, Eval mean: 193.3, Eval std: 37.97380676203006 -[2025-10-11 23:44:47,985][core][INFO] - Step: 6000, Eval mean: 100.3, Eval std: 2.7586228448267445 -[2025-10-11 23:45:07,025][core][INFO] - Step: 8000, Eval mean: 110.7, Eval std: 4.050925820105819 -[2025-10-11 23:45:26,143][core][INFO] - Step: 10000, Eval mean: 116.7, Eval std: 3.28785644455472 -[2025-10-11 23:45:45,589][core][INFO] - Step: 12000, Eval mean: 128.9, Eval std: 3.6999999999999997 -[2025-10-11 23:46:04,629][core][INFO] - Step: 14000, Eval mean: 102.4, Eval std: 2.4576411454889016 -[2025-10-11 23:46:24,888][core][INFO] - Step: 16000, Eval mean: 283.4, Eval std: 24.920674148184673 -[2025-10-11 23:46:46,747][core][INFO] - Step: 18000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:47:09,101][core][INFO] - Step: 20000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:47:30,699][core][INFO] - Step: 22000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:47:51,303][core][INFO] - Step: 24000, Eval mean: 142.5, Eval std: 4.5 -[2025-10-11 23:48:14,734][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:48:37,095][core][INFO] - Step: 28000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:48:59,772][core][INFO] - Step: 30000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:49:20,254][core][INFO] - Step: 32000, Eval mean: 105.8, Eval std: 2.638181191654584 -[2025-10-11 23:49:41,804][core][INFO] - Step: 34000, Eval mean: 290.0, Eval std: 92.10971718553913 -[2025-10-11 23:50:05,661][core][INFO] - Step: 36000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:50:29,141][core][INFO] - Step: 38000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:50:50,699][core][INFO] - Step: 40000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:51:12,136][core][INFO] - Step: 42000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:51:33,089][core][INFO] - Step: 44000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:51:54,989][core][INFO] - Step: 46000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:52:18,438][core][INFO] - Step: 48000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:52:41,758][core][INFO] - Step: 50000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:53:06,483][core][INFO] - Final Eval mean: 500.0, Eval std: 0.0 -[2025-10-11 23:53:12,682][__main__][INFO] - Finish training with eval mean: 500.0 diff --git a/runs/2025-10-11/23-55-55_/.hydra/config.yaml b/runs/2025-10-11/23-55-55_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/23-55-55_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/23-55-55_/.hydra/hydra.yaml b/runs/2025-10-11/23-55-55_/.hydra/hydra.yaml deleted file mode 100644 index 146e140..0000000 --- a/runs/2025-10-11/23-55-55_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-11\23-55-55_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/23-55-55_/.hydra/overrides.yaml b/runs/2025-10-11/23-55-55_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/23-55-55_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/23-55-55_/main.log b/runs/2025-10-11/23-55-55_/main.log deleted file mode 100644 index 60ba353..0000000 --- a/runs/2025-10-11/23-55-55_/main.log +++ /dev/null @@ -1,13 +0,0 @@ -[2025-10-11 23:55:57,624][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 23:56:07,493][core][INFO] - Step: 2000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 23:56:18,726][core][INFO] - Step: 4000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 23:56:29,929][core][INFO] - Step: 6000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 23:56:41,451][core][INFO] - Step: 8000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 23:56:53,228][core][INFO] - Step: 10000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 23:57:05,360][core][INFO] - Step: 12000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 23:57:17,358][core][INFO] - Step: 14000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 23:57:30,126][core][INFO] - Step: 16000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 23:57:43,775][core][INFO] - Step: 18000, Eval mean: 9.6, Eval std: 0.66332495807108 -[2025-10-11 23:57:56,726][core][INFO] - Step: 20000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-11 23:58:09,216][core][INFO] - Step: 22000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-11 23:58:22,288][core][INFO] - Step: 24000, Eval mean: 9.2, Eval std: 0.6 diff --git a/runs/2025-10-11/23-55-55_/models/best_model.pt b/runs/2025-10-11/23-55-55_/models/best_model.pt deleted file mode 100644 index ab8acad..0000000 Binary files a/runs/2025-10-11/23-55-55_/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-11/23-55-55_/results.png b/runs/2025-10-11/23-55-55_/results.png deleted file mode 100644 index 332fa91..0000000 Binary files a/runs/2025-10-11/23-55-55_/results.png and /dev/null differ diff --git a/runs/2025-10-11/23-58-41_/.hydra/config.yaml b/runs/2025-10-11/23-58-41_/.hydra/config.yaml deleted file mode 100644 index 2c29bdd..0000000 --- a/runs/2025-10-11/23-58-41_/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 1 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-11/23-58-41_/.hydra/hydra.yaml b/runs/2025-10-11/23-58-41_/.hydra/hydra.yaml deleted file mode 100644 index fbbe31e..0000000 --- a/runs/2025-10-11/23-58-41_/.hydra/hydra.yaml +++ /dev/null @@ -1,154 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: [] - job: - name: main - chdir: true - override_dirname: '' - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-11\23-58-41_ - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-11/23-58-41_/.hydra/overrides.yaml b/runs/2025-10-11/23-58-41_/.hydra/overrides.yaml deleted file mode 100644 index fe51488..0000000 --- a/runs/2025-10-11/23-58-41_/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -[] diff --git a/runs/2025-10-11/23-58-41_/main.log b/runs/2025-10-11/23-58-41_/main.log deleted file mode 100644 index f339a45..0000000 --- a/runs/2025-10-11/23-58-41_/main.log +++ /dev/null @@ -1,13 +0,0 @@ -[2025-10-11 23:58:42,851][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer -[2025-10-11 23:58:53,927][core][INFO] - Step: 2000, Eval mean: 262.8, Eval std: 52.92409659125038 -[2025-10-11 23:59:05,659][core][INFO] - Step: 4000, Eval mean: 243.4, Eval std: 65.53655468515262 -[2025-10-11 23:59:17,733][core][INFO] - Step: 6000, Eval mean: 181.4, Eval std: 57.339689570139804 -[2025-10-11 23:59:29,144][core][INFO] - Step: 8000, Eval mean: 98.2, Eval std: 2.638181191654584 -[2025-10-11 23:59:41,322][core][INFO] - Step: 10000, Eval mean: 116.9, Eval std: 5.18555686498567 -[2025-10-11 23:59:53,673][core][INFO] - Step: 12000, Eval mean: 108.0, Eval std: 3.4641016151377544 -[2025-10-12 00:00:06,455][core][INFO] - Step: 14000, Eval mean: 149.4, Eval std: 7.578918128598566 -[2025-10-12 00:00:20,513][core][INFO] - Step: 16000, Eval mean: 250.2, Eval std: 12.416118556135006 -[2025-10-12 00:00:35,541][core][INFO] - Step: 18000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-12 00:00:51,038][core][INFO] - Step: 20000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-12 00:01:06,316][core][INFO] - Step: 22000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-12 00:01:21,628][core][INFO] - Step: 24000, Eval mean: 500.0, Eval std: 0.0 diff --git a/runs/2025-10-11/23-58-41_/models/best_model.pt b/runs/2025-10-11/23-58-41_/models/best_model.pt deleted file mode 100644 index 447c587..0000000 Binary files a/runs/2025-10-11/23-58-41_/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-11/23-58-41_/results.png b/runs/2025-10-11/23-58-41_/results.png deleted file mode 100644 index 9dbfd61..0000000 Binary files a/runs/2025-10-11/23-58-41_/results.png and /dev/null differ diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-0.meta.json b/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-0.meta.json deleted file mode 100644 index 03b3865..0000000 --- a/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-0.meta.json +++ /dev/null @@ -1 +0,0 @@ -{"step_id": 0, "episode_id": 0, "content_type": "video/mp4"} \ No newline at end of file diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-0.mp4 b/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-0.mp4 deleted file mode 100644 index 3a01d09..0000000 Binary files a/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-0.mp4 and /dev/null differ diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-2.meta.json b/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-2.meta.json deleted file mode 100644 index 8931a01..0000000 --- a/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-2.meta.json +++ /dev/null @@ -1 +0,0 @@ -{"step_id": 371, "episode_id": 2, "content_type": "video/mp4"} \ No newline at end of file diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-2.mp4 b/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-2.mp4 deleted file mode 100644 index 504eeea..0000000 Binary files a/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-2.mp4 and /dev/null differ diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-4.meta.json b/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-4.meta.json deleted file mode 100644 index 3811355..0000000 --- a/runs/2025-10-12/00-04-24_buffer.nstep=128/best_videos/eval-episode-4.meta.json +++ /dev/null @@ -1 +0,0 @@ -{"step_id": 740, "episode_id": 4, "content_type": "video/mp4"} \ No newline at end of file diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-0.meta.json b/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-0.meta.json deleted file mode 100644 index 03b3865..0000000 --- a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-0.meta.json +++ /dev/null @@ -1 +0,0 @@ -{"step_id": 0, "episode_id": 0, "content_type": "video/mp4"} \ No newline at end of file diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-0.mp4 b/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-0.mp4 deleted file mode 100644 index 7bf3eb2..0000000 Binary files a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-0.mp4 and /dev/null differ diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-2.meta.json b/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-2.meta.json deleted file mode 100644 index f63e88f..0000000 --- a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-2.meta.json +++ /dev/null @@ -1 +0,0 @@ -{"step_id": 18, "episode_id": 2, "content_type": "video/mp4"} \ No newline at end of file diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-2.mp4 b/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-2.mp4 deleted file mode 100644 index 66a24e6..0000000 Binary files a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-2.mp4 and /dev/null differ diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-4.meta.json b/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-4.meta.json deleted file mode 100644 index 33e4f70..0000000 --- a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-4.meta.json +++ /dev/null @@ -1 +0,0 @@ -{"step_id": 36, "episode_id": 4, "content_type": "video/mp4"} \ No newline at end of file diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-4.mp4 b/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-4.mp4 deleted file mode 100644 index e5496f5..0000000 Binary files a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-4.mp4 and /dev/null differ diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-6.meta.json b/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-6.meta.json deleted file mode 100644 index baf75d9..0000000 --- a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-6.meta.json +++ /dev/null @@ -1 +0,0 @@ -{"step_id": 56, "episode_id": 6, "content_type": "video/mp4"} \ No newline at end of file diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-6.mp4 b/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-6.mp4 deleted file mode 100644 index 61b66bd..0000000 Binary files a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-6.mp4 and /dev/null differ diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-8.meta.json b/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-8.meta.json deleted file mode 100644 index 967d485..0000000 --- a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-8.meta.json +++ /dev/null @@ -1 +0,0 @@ -{"step_id": 75, "episode_id": 8, "content_type": "video/mp4"} \ No newline at end of file diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-8.mp4 b/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-8.mp4 deleted file mode 100644 index 9de6932..0000000 Binary files a/runs/2025-10-12/00-04-24_buffer.nstep=128/final_videos/eval-episode-8.mp4 and /dev/null differ diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/main.log b/runs/2025-10-12/00-04-24_buffer.nstep=128/main.log deleted file mode 100644 index e5d987a..0000000 --- a/runs/2025-10-12/00-04-24_buffer.nstep=128/main.log +++ /dev/null @@ -1,29 +0,0 @@ -[2025-10-12 00:04:26,341][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and 128StepReplayBuffer -[2025-10-12 00:04:35,294][core][INFO] - Step: 2000, Eval mean: 9.3, Eval std: 0.7810249675906655 -[2025-10-12 00:04:46,380][core][INFO] - Step: 4000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-12 00:04:57,225][core][INFO] - Step: 6000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-12 00:05:08,588][core][INFO] - Step: 8000, Eval mean: 39.8, Eval std: 15.561490931141527 -[2025-10-12 00:05:20,710][core][INFO] - Step: 10000, Eval mean: 152.7, Eval std: 8.271033792700885 -[2025-10-12 00:05:32,917][core][INFO] - Step: 12000, Eval mean: 107.3, Eval std: 2.934280150224242 -[2025-10-12 00:05:45,065][core][INFO] - Step: 14000, Eval mean: 84.2, Eval std: 3.370459909270544 -[2025-10-12 00:05:57,332][core][INFO] - Step: 16000, Eval mean: 27.0, Eval std: 17.72004514666935 -[2025-10-12 00:06:10,899][core][INFO] - Step: 18000, Eval mean: 184.2, Eval std: 5.035871324805668 -[2025-10-12 00:06:24,745][core][INFO] - Step: 20000, Eval mean: 149.0, Eval std: 14.628738838327793 -[2025-10-12 00:06:37,717][core][INFO] - Step: 22000, Eval mean: 9.7, Eval std: 0.45825756949558394 -[2025-10-12 00:06:50,177][core][INFO] - Step: 24000, Eval mean: 30.1, Eval std: 35.2319457311117 -[2025-10-12 00:07:03,038][core][INFO] - Step: 26000, Eval mean: 53.0, Eval std: 41.6293165929973 -[2025-10-12 00:07:16,211][core][INFO] - Step: 28000, Eval mean: 93.9, Eval std: 4.205948168962618 -[2025-10-12 00:07:28,808][core][INFO] - Step: 30000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-12 00:07:41,971][core][INFO] - Step: 32000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-12 00:07:54,891][core][INFO] - Step: 34000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-12 00:08:08,419][core][INFO] - Step: 36000, Eval mean: 92.3, Eval std: 20.08506908128523 -[2025-10-12 00:08:22,453][core][INFO] - Step: 38000, Eval mean: 108.4, Eval std: 3.2924155266308652 -[2025-10-12 00:08:35,688][core][INFO] - Step: 40000, Eval mean: 9.3, Eval std: 0.45825756949558394 -[2025-10-12 00:08:49,037][core][INFO] - Step: 42000, Eval mean: 10.3, Eval std: 0.6403124237432849 -[2025-10-12 00:09:02,764][core][INFO] - Step: 44000, Eval mean: 55.3, Eval std: 43.91821945388952 -[2025-10-12 00:09:16,935][core][INFO] - Step: 46000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-12 00:09:31,135][core][INFO] - Step: 48000, Eval mean: 66.0, Eval std: 35.608987629529715 -[2025-10-12 00:09:45,275][core][INFO] - Step: 50000, Eval mean: 9.4, Eval std: 0.66332495807108 -[2025-10-12 00:09:48,740][py.warnings][WARNING] - C:\Users\wuzhe\anaconda3\envs\drl_hw2\lib\site-packages\gymnasium\wrappers\monitoring\video_recorder.py:182: UserWarning: WARN: Unable to save last video! Did you call close()? - logger.warn("Unable to save last video! Did you call close()?") - diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/models/best_model.pt b/runs/2025-10-12/00-04-24_buffer.nstep=128/models/best_model.pt deleted file mode 100644 index 957516b..0000000 Binary files a/runs/2025-10-12/00-04-24_buffer.nstep=128/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/models/final_model.pt b/runs/2025-10-12/00-04-24_buffer.nstep=128/models/final_model.pt deleted file mode 100644 index 774eb9d..0000000 Binary files a/runs/2025-10-12/00-04-24_buffer.nstep=128/models/final_model.pt and /dev/null differ diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/results.png b/runs/2025-10-12/00-04-24_buffer.nstep=128/results.png deleted file mode 100644 index a0b99cd..0000000 Binary files a/runs/2025-10-12/00-04-24_buffer.nstep=128/results.png and /dev/null differ diff --git a/runs/2025-10-12/00-13-09_buffer.nstep=128/.hydra/config.yaml b/runs/2025-10-12/00-13-09_buffer.nstep=128/.hydra/config.yaml deleted file mode 100644 index deaf409..0000000 --- a/runs/2025-10-12/00-13-09_buffer.nstep=128/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 128 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-12/00-13-09_buffer.nstep=128/.hydra/overrides.yaml b/runs/2025-10-12/00-13-09_buffer.nstep=128/.hydra/overrides.yaml deleted file mode 100644 index 1feb3f0..0000000 --- a/runs/2025-10-12/00-13-09_buffer.nstep=128/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -- buffer.nstep=128 diff --git a/runs/2025-10-12/00-13-09_buffer.nstep=128/main.log b/runs/2025-10-12/00-13-09_buffer.nstep=128/main.log deleted file mode 100644 index 9f3efe5..0000000 --- a/runs/2025-10-12/00-13-09_buffer.nstep=128/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-12 00:13:11,183][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and 128StepReplayBuffer diff --git a/runs/2025-10-12/00-15-00_buffer.nstep=128/.hydra/config.yaml b/runs/2025-10-12/00-15-00_buffer.nstep=128/.hydra/config.yaml deleted file mode 100644 index deaf409..0000000 --- a/runs/2025-10-12/00-15-00_buffer.nstep=128/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 128 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-12/00-15-00_buffer.nstep=128/.hydra/overrides.yaml b/runs/2025-10-12/00-15-00_buffer.nstep=128/.hydra/overrides.yaml deleted file mode 100644 index 1feb3f0..0000000 --- a/runs/2025-10-12/00-15-00_buffer.nstep=128/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -- buffer.nstep=128 diff --git a/runs/2025-10-12/00-15-00_buffer.nstep=128/main.log b/runs/2025-10-12/00-15-00_buffer.nstep=128/main.log deleted file mode 100644 index db50642..0000000 --- a/runs/2025-10-12/00-15-00_buffer.nstep=128/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-12 00:15:02,316][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and 128StepReplayBuffer diff --git a/runs/2025-10-12/00-17-20_buffer.nstep=128/.hydra/config.yaml b/runs/2025-10-12/00-17-20_buffer.nstep=128/.hydra/config.yaml deleted file mode 100644 index deaf409..0000000 --- a/runs/2025-10-12/00-17-20_buffer.nstep=128/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: false - nstep: 128 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-12/00-17-20_buffer.nstep=128/.hydra/overrides.yaml b/runs/2025-10-12/00-17-20_buffer.nstep=128/.hydra/overrides.yaml deleted file mode 100644 index 1feb3f0..0000000 --- a/runs/2025-10-12/00-17-20_buffer.nstep=128/.hydra/overrides.yaml +++ /dev/null @@ -1 +0,0 @@ -- buffer.nstep=128 diff --git a/runs/2025-10-12/00-17-20_buffer.nstep=128/main.log b/runs/2025-10-12/00-17-20_buffer.nstep=128/main.log deleted file mode 100644 index 9024ca1..0000000 --- a/runs/2025-10-12/00-17-20_buffer.nstep=128/main.log +++ /dev/null @@ -1,16 +0,0 @@ -[2025-10-12 00:17:22,068][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and 128StepReplayBuffer -[2025-10-12 00:17:31,416][core][INFO] - Step: 2000, Eval mean: 9.7, Eval std: 0.7810249675906655 -[2025-10-12 00:17:42,705][core][INFO] - Step: 4000, Eval mean: 10.6, Eval std: 0.66332495807108 -[2025-10-12 00:17:56,752][core][INFO] - Step: 6000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-12 00:18:10,715][core][INFO] - Step: 8000, Eval mean: 451.3, Eval std: 146.1 -[2025-10-12 00:18:22,223][core][INFO] - Step: 10000, Eval mean: 9.4, Eval std: 0.4898979485566356 -[2025-10-12 00:18:34,416][core][INFO] - Step: 12000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-12 00:18:49,112][core][INFO] - Step: 14000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-12 00:19:04,011][core][INFO] - Step: 16000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-12 00:19:16,822][core][INFO] - Step: 18000, Eval mean: 76.1, Eval std: 20.772337374498807 -[2025-10-12 00:19:29,238][core][INFO] - Step: 20000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-12 00:19:45,194][core][INFO] - Step: 22000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-12 00:19:58,108][core][INFO] - Step: 24000, Eval mean: 10.4, Eval std: 0.66332495807108 -[2025-10-12 00:20:11,081][core][INFO] - Step: 26000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-12 00:20:26,324][core][INFO] - Step: 28000, Eval mean: 292.1, Eval std: 121.72300522087022 -[2025-10-12 00:20:40,403][core][INFO] - Step: 30000, Eval mean: 37.1, Eval std: 39.459979726299906 diff --git a/runs/2025-10-12/00-17-20_buffer.nstep=128/models/best_model.pt b/runs/2025-10-12/00-17-20_buffer.nstep=128/models/best_model.pt deleted file mode 100644 index efd62a8..0000000 Binary files a/runs/2025-10-12/00-17-20_buffer.nstep=128/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-12/00-17-20_buffer.nstep=128/results.png b/runs/2025-10-12/00-17-20_buffer.nstep=128/results.png deleted file mode 100644 index 8661cd5..0000000 Binary files a/runs/2025-10-12/00-17-20_buffer.nstep=128/results.png and /dev/null differ diff --git a/runs/2025-10-12/00-21-15_buffer.nstep=16,buffer.use_per=true/.hydra/config.yaml b/runs/2025-10-12/00-21-15_buffer.nstep=16,buffer.use_per=true/.hydra/config.yaml deleted file mode 100644 index 759f301..0000000 --- a/runs/2025-10-12/00-21-15_buffer.nstep=16,buffer.use_per=true/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: true - nstep: 16 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-12/00-21-15_buffer.nstep=16,buffer.use_per=true/.hydra/overrides.yaml b/runs/2025-10-12/00-21-15_buffer.nstep=16,buffer.use_per=true/.hydra/overrides.yaml deleted file mode 100644 index 51c8568..0000000 --- a/runs/2025-10-12/00-21-15_buffer.nstep=16,buffer.use_per=true/.hydra/overrides.yaml +++ /dev/null @@ -1,2 +0,0 @@ -- buffer.nstep=16 -- buffer.use_per=true diff --git a/runs/2025-10-12/00-21-37_buffer.nstep=16,buffer.use_per=true/.hydra/config.yaml b/runs/2025-10-12/00-21-37_buffer.nstep=16,buffer.use_per=true/.hydra/config.yaml deleted file mode 100644 index 759f301..0000000 --- a/runs/2025-10-12/00-21-37_buffer.nstep=16,buffer.use_per=true/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: true - nstep: 16 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-12/00-21-37_buffer.nstep=16,buffer.use_per=true/.hydra/hydra.yaml b/runs/2025-10-12/00-21-37_buffer.nstep=16,buffer.use_per=true/.hydra/hydra.yaml deleted file mode 100644 index 13c0e49..0000000 --- a/runs/2025-10-12/00-21-37_buffer.nstep=16,buffer.use_per=true/.hydra/hydra.yaml +++ /dev/null @@ -1,156 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: - - buffer.nstep=16 - - buffer.use_per=true - job: - name: main - chdir: true - override_dirname: buffer.nstep=16,buffer.use_per=true - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-12\00-21-37_buffer.nstep=16,buffer.use_per=true - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-12/00-21-37_buffer.nstep=16,buffer.use_per=true/.hydra/overrides.yaml b/runs/2025-10-12/00-21-37_buffer.nstep=16,buffer.use_per=true/.hydra/overrides.yaml deleted file mode 100644 index 51c8568..0000000 --- a/runs/2025-10-12/00-21-37_buffer.nstep=16,buffer.use_per=true/.hydra/overrides.yaml +++ /dev/null @@ -1,2 +0,0 @@ -- buffer.nstep=16 -- buffer.use_per=true diff --git a/runs/2025-10-12/00-21-37_buffer.nstep=16,buffer.use_per=true/main.log b/runs/2025-10-12/00-21-37_buffer.nstep=16,buffer.use_per=true/main.log deleted file mode 100644 index da55e9b..0000000 --- a/runs/2025-10-12/00-21-37_buffer.nstep=16,buffer.use_per=true/main.log +++ /dev/null @@ -1 +0,0 @@ -[2025-10-12 00:21:39,758][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and Prioritized16StepReplayBuffer diff --git a/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/.hydra/config.yaml b/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/.hydra/config.yaml deleted file mode 100644 index 759f301..0000000 --- a/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: true - nstep: 16 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/.hydra/hydra.yaml b/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/.hydra/hydra.yaml deleted file mode 100644 index e97e12e..0000000 --- a/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/.hydra/hydra.yaml +++ /dev/null @@ -1,156 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: - - buffer.nstep=16 - - buffer.use_per=true - job: - name: main - chdir: true - override_dirname: buffer.nstep=16,buffer.use_per=true - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-12\00-22-14_buffer.nstep=16,buffer.use_per=true - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/.hydra/overrides.yaml b/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/.hydra/overrides.yaml deleted file mode 100644 index 51c8568..0000000 --- a/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/.hydra/overrides.yaml +++ /dev/null @@ -1,2 +0,0 @@ -- buffer.nstep=16 -- buffer.use_per=true diff --git a/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/main.log b/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/main.log deleted file mode 100644 index e71a3d9..0000000 --- a/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/main.log +++ /dev/null @@ -1,13 +0,0 @@ -[2025-10-12 00:22:15,881][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and Prioritized16StepReplayBuffer -[2025-10-12 00:22:32,257][core][INFO] - Step: 2000, Eval mean: 23.1, Eval std: 10.921996154549772 -[2025-10-12 00:22:50,791][core][INFO] - Step: 4000, Eval mean: 10.3, Eval std: 1.2688577540449522 -[2025-10-12 00:23:08,418][core][INFO] - Step: 6000, Eval mean: 13.5, Eval std: 2.247220505424423 -[2025-10-12 00:23:26,620][core][INFO] - Step: 8000, Eval mean: 13.0, Eval std: 1.2649110640673518 -[2025-10-12 00:23:44,856][core][INFO] - Step: 10000, Eval mean: 12.3, Eval std: 0.9 -[2025-10-12 00:24:03,104][core][INFO] - Step: 12000, Eval mean: 13.0, Eval std: 1.7888543819998317 -[2025-10-12 00:24:21,653][core][INFO] - Step: 14000, Eval mean: 11.1, Eval std: 3.1448370387032774 -[2025-10-12 00:24:40,292][core][INFO] - Step: 16000, Eval mean: 14.6, Eval std: 3.6386810797320503 -[2025-10-12 00:24:58,872][core][INFO] - Step: 18000, Eval mean: 13.9, Eval std: 1.6401219466856727 -[2025-10-12 00:25:18,000][core][INFO] - Step: 20000, Eval mean: 26.4, Eval std: 13.462540622037135 -[2025-10-12 00:25:36,671][core][INFO] - Step: 22000, Eval mean: 42.0, Eval std: 23.112767034693185 -[2025-10-12 00:25:54,993][core][INFO] - Step: 24000, Eval mean: 12.8, Eval std: 1.6613247725836149 diff --git a/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/models/best_model.pt b/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/models/best_model.pt deleted file mode 100644 index 4dbe3ce..0000000 Binary files a/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/results.png b/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/results.png deleted file mode 100644 index 6ae70db..0000000 Binary files a/runs/2025-10-12/00-22-14_buffer.nstep=16,buffer.use_per=true/results.png and /dev/null differ diff --git a/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/.hydra/config.yaml b/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/.hydra/config.yaml deleted file mode 100644 index 20f0208..0000000 --- a/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: true - nstep: 10 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/.hydra/hydra.yaml b/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/.hydra/hydra.yaml deleted file mode 100644 index 24871e0..0000000 --- a/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/.hydra/hydra.yaml +++ /dev/null @@ -1,156 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: - - buffer.nstep=10 - - buffer.use_per=true - job: - name: main - chdir: true - override_dirname: buffer.nstep=10,buffer.use_per=true - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-12\00-26-19_buffer.nstep=10,buffer.use_per=true - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/.hydra/overrides.yaml b/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/.hydra/overrides.yaml deleted file mode 100644 index 4884fa7..0000000 --- a/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/.hydra/overrides.yaml +++ /dev/null @@ -1,2 +0,0 @@ -- buffer.nstep=10 -- buffer.use_per=true diff --git a/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/main.log b/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/main.log deleted file mode 100644 index a3712ce..0000000 --- a/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/main.log +++ /dev/null @@ -1,25 +0,0 @@ -[2025-10-12 00:26:21,193][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and Prioritized10StepReplayBuffer -[2025-10-12 00:26:37,205][core][INFO] - Step: 2000, Eval mean: 12.2, Eval std: 0.8717797887081347 -[2025-10-12 00:26:54,645][core][INFO] - Step: 4000, Eval mean: 9.6, Eval std: 1.2806248474865698 -[2025-10-12 00:27:12,056][core][INFO] - Step: 6000, Eval mean: 9.2, Eval std: 0.6 -[2025-10-12 00:27:29,842][core][INFO] - Step: 8000, Eval mean: 21.6, Eval std: 5.730619512757761 -[2025-10-12 00:27:48,840][core][INFO] - Step: 10000, Eval mean: 227.8, Eval std: 182.14543639630392 -[2025-10-12 00:28:09,044][core][INFO] - Step: 12000, Eval mean: 432.6, Eval std: 135.09641001891944 -[2025-10-12 00:28:29,323][core][INFO] - Step: 14000, Eval mean: 360.9, Eval std: 121.26866866590068 -[2025-10-12 00:28:49,316][core][INFO] - Step: 16000, Eval mean: 368.7, Eval std: 105.315763302556 -[2025-10-12 00:29:09,905][core][INFO] - Step: 18000, Eval mean: 370.6, Eval std: 114.3268997218065 -[2025-10-12 00:29:30,078][core][INFO] - Step: 20000, Eval mean: 380.4, Eval std: 108.37545847653887 -[2025-10-12 00:29:50,352][core][INFO] - Step: 22000, Eval mean: 436.0, Eval std: 89.43489251964247 -[2025-10-12 00:30:10,478][core][INFO] - Step: 24000, Eval mean: 437.1, Eval std: 93.34286260877154 -[2025-10-12 00:30:30,447][core][INFO] - Step: 26000, Eval mean: 451.8, Eval std: 83.40119903214821 -[2025-10-12 00:30:50,912][core][INFO] - Step: 28000, Eval mean: 439.1, Eval std: 85.54115968351142 -[2025-10-12 00:31:11,646][core][INFO] - Step: 30000, Eval mean: 454.0, Eval std: 69.80257874892588 -[2025-10-12 00:31:32,031][core][INFO] - Step: 32000, Eval mean: 423.2, Eval std: 75.24333857558422 -[2025-10-12 00:31:52,381][core][INFO] - Step: 34000, Eval mean: 386.5, Eval std: 103.64386137152552 -[2025-10-12 00:32:12,858][core][INFO] - Step: 36000, Eval mean: 456.8, Eval std: 84.32057874564192 -[2025-10-12 00:32:33,233][core][INFO] - Step: 38000, Eval mean: 448.7, Eval std: 96.5691979877642 -[2025-10-12 00:32:53,194][core][INFO] - Step: 40000, Eval mean: 455.4, Eval std: 83.44123680770797 -[2025-10-12 00:33:13,862][core][INFO] - Step: 42000, Eval mean: 431.9, Eval std: 89.02634441557173 -[2025-10-12 00:33:34,167][core][INFO] - Step: 44000, Eval mean: 426.1, Eval std: 91.27370924861113 -[2025-10-12 00:33:54,320][core][INFO] - Step: 46000, Eval mean: 422.8, Eval std: 84.57635603405954 -[2025-10-12 00:34:14,480][core][INFO] - Step: 48000, Eval mean: 439.7, Eval std: 94.10850121003946 diff --git a/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/models/best_model.pt b/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/models/best_model.pt deleted file mode 100644 index 51df7de..0000000 Binary files a/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/results.png b/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/results.png deleted file mode 100644 index 6b06f45..0000000 Binary files a/runs/2025-10-12/00-26-19_buffer.nstep=10,buffer.use_per=true/results.png and /dev/null differ diff --git a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/.hydra/config.yaml b/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/.hydra/config.yaml deleted file mode 100644 index 7069b46..0000000 --- a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/.hydra/config.yaml +++ /dev/null @@ -1,33 +0,0 @@ -seed: 42 -env_name: CartPole-v1 -train: - nstep: ${buffer.nstep} - timesteps: 50000 - batch_size: 128 - test_every: 2500 - eps_max: 1 - eps_min: 0.05 - eps_steps: 12500 - start_steps: 0 - plot_interval: 2000 - eval_interval: 2000 - eval_episodes: 10 -agent: - gamma: 0.99 - lr: 0.002 - tau: 0.1 - nstep: ${buffer.nstep} - target_update_interval: 3 - hidden_size: 64 - activation: - _target_: torch.nn.ELU - use_dueling: false - use_double: false -buffer: - capacity: 50000 - use_per: true - nstep: 5 - gamma: ${agent.gamma} - per_alpha: 0.7 - per_beta: 0.4 - per_eps: 0.01 diff --git a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/.hydra/hydra.yaml b/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/.hydra/hydra.yaml deleted file mode 100644 index c8f200e..0000000 --- a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/.hydra/hydra.yaml +++ /dev/null @@ -1,156 +0,0 @@ -hydra: - run: - dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - sweep: - dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} - subdir: ${hydra.job.num} - launcher: - _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher - sweeper: - _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper - max_batch_size: null - params: null - help: - app_name: ${hydra.job.name} - header: '${hydra.help.app_name} is powered by Hydra. - - ' - footer: 'Powered by Hydra (https://hydra.cc) - - Use --hydra-help to view Hydra specific help - - ' - template: '${hydra.help.header} - - == Configuration groups == - - Compose your configuration from those groups (group=option) - - - $APP_CONFIG_GROUPS - - - == Config == - - Override anything in the config (foo.bar=value) - - - $CONFIG - - - ${hydra.help.footer} - - ' - hydra_help: - template: 'Hydra (${hydra.runtime.version}) - - See https://hydra.cc for more info. - - - == Flags == - - $FLAGS_HELP - - - == Configuration groups == - - Compose your configuration from those groups (For example, append hydra/job_logging=disabled - to command line) - - - $HYDRA_CONFIG_GROUPS - - - Use ''--cfg hydra'' to Show the Hydra config. - - ' - hydra_help: ??? - hydra_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][HYDRA] %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - root: - level: INFO - handlers: - - console - loggers: - logging_example: - level: DEBUG - disable_existing_loggers: false - job_logging: - version: 1 - formatters: - simple: - format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' - handlers: - console: - class: logging.StreamHandler - formatter: simple - stream: ext://sys.stdout - file: - class: logging.FileHandler - formatter: simple - filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log - root: - level: INFO - handlers: - - console - - file - disable_existing_loggers: false - env: {} - mode: RUN - searchpath: [] - callbacks: {} - output_subdir: .hydra - overrides: - hydra: - - hydra.mode=RUN - task: - - buffer.nstep=5 - - buffer.use_per=true - job: - name: main - chdir: true - override_dirname: buffer.nstep=5,buffer.use_per=true - id: ??? - num: ??? - config_name: config - env_set: {} - env_copy: [] - config: - override_dirname: - kv_sep: '=' - item_sep: ',' - exclude_keys: [] - runtime: - version: 1.3.2 - version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 - config_sources: - - path: hydra.conf - schema: pkg - provider: hydra - - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs - schema: file - provider: main - - path: '' - schema: structured - provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-12\00-34-29_buffer.nstep=5,buffer.use_per=true - choices: - hydra/env: default - hydra/callbacks: null - hydra/job_logging: default - hydra/hydra_logging: default - hydra/hydra_help: default - hydra/help: default - hydra/sweeper: basic - hydra/launcher: basic - hydra/output: default - verbose: false diff --git a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/.hydra/overrides.yaml b/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/.hydra/overrides.yaml deleted file mode 100644 index 61cfb6d..0000000 --- a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/.hydra/overrides.yaml +++ /dev/null @@ -1,2 +0,0 @@ -- buffer.nstep=5 -- buffer.use_per=true diff --git a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/best_videos.mp4 b/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/best_videos.mp4 deleted file mode 100644 index 26824b6..0000000 Binary files a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/best_videos.mp4 and /dev/null differ diff --git a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/final_videos.mp4 b/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/final_videos.mp4 deleted file mode 100644 index 14dead2..0000000 Binary files a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/final_videos.mp4 and /dev/null differ diff --git a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/main.log b/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/main.log deleted file mode 100644 index a53d42a..0000000 --- a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/main.log +++ /dev/null @@ -1,28 +0,0 @@ -[2025-10-12 00:34:31,512][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and Prioritized5StepReplayBuffer -[2025-10-12 00:34:50,453][core][INFO] - Step: 2000, Eval mean: 442.7, Eval std: 115.3568810257975 -[2025-10-12 00:35:10,869][core][INFO] - Step: 4000, Eval mean: 449.6, Eval std: 101.87462883367968 -[2025-10-12 00:35:30,844][core][INFO] - Step: 6000, Eval mean: 367.7, Eval std: 101.56972974267482 -[2025-10-12 00:35:50,826][core][INFO] - Step: 8000, Eval mean: 284.6, Eval std: 37.296648643008126 -[2025-10-12 00:36:10,180][core][INFO] - Step: 10000, Eval mean: 224.7, Eval std: 18.10552401892859 -[2025-10-12 00:36:30,662][core][INFO] - Step: 12000, Eval mean: 317.9, Eval std: 68.10058736897943 -[2025-10-12 00:36:49,780][core][INFO] - Step: 14000, Eval mean: 156.4, Eval std: 7.255342858886822 -[2025-10-12 00:37:09,606][core][INFO] - Step: 16000, Eval mean: 213.9, Eval std: 15.286922515666781 -[2025-10-12 00:37:31,528][core][INFO] - Step: 18000, Eval mean: 489.4, Eval std: 31.8 -[2025-10-12 00:37:51,012][core][INFO] - Step: 20000, Eval mean: 148.8, Eval std: 6.446704584514478 -[2025-10-12 00:38:12,456][core][INFO] - Step: 22000, Eval mean: 475.1, Eval std: 74.7 -[2025-10-12 00:38:31,795][core][INFO] - Step: 24000, Eval mean: 156.9, Eval std: 9.235258523723092 -[2025-10-12 00:38:51,389][core][INFO] - Step: 26000, Eval mean: 201.0, Eval std: 9.02219485491197 -[2025-10-12 00:39:12,304][core][INFO] - Step: 28000, Eval mean: 487.5, Eval std: 37.5 -[2025-10-12 00:39:33,586][core][INFO] - Step: 30000, Eval mean: 475.4, Eval std: 73.8 -[2025-10-12 00:39:54,512][core][INFO] - Step: 32000, Eval mean: 486.2, Eval std: 41.4 -[2025-10-12 00:40:13,757][core][INFO] - Step: 34000, Eval mean: 129.1, Eval std: 6.122907805936653 -[2025-10-12 00:40:35,414][core][INFO] - Step: 36000, Eval mean: 488.8, Eval std: 33.6 -[2025-10-12 00:40:57,324][core][INFO] - Step: 38000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-12 00:41:16,949][core][INFO] - Step: 40000, Eval mean: 225.3, Eval std: 20.459960899278375 -[2025-10-12 00:41:37,212][core][INFO] - Step: 42000, Eval mean: 209.4, Eval std: 8.321057625085889 -[2025-10-12 00:41:57,108][core][INFO] - Step: 44000, Eval mean: 204.2, Eval std: 10.934349546269315 -[2025-10-12 00:42:18,230][core][INFO] - Step: 46000, Eval mean: 470.0, Eval std: 60.13484846576068 -[2025-10-12 00:42:38,199][core][INFO] - Step: 48000, Eval mean: 181.5, Eval std: 11.351211389098522 -[2025-10-12 00:43:00,221][core][INFO] - Step: 50000, Eval mean: 500.0, Eval std: 0.0 -[2025-10-12 00:43:23,166][core][INFO] - Final Eval mean: 500.0, Eval std: 0.0 -[2025-10-12 00:43:29,422][__main__][INFO] - Finish training with eval mean: 500.0 diff --git a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/models/best_model.pt b/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/models/best_model.pt deleted file mode 100644 index b710939..0000000 Binary files a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/models/best_model.pt and /dev/null differ diff --git a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/models/final_model.pt b/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/models/final_model.pt deleted file mode 100644 index a97536e..0000000 Binary files a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/models/final_model.pt and /dev/null differ diff --git a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/results.png b/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/results.png deleted file mode 100644 index a2588d9..0000000 Binary files a/runs/2025-10-12/00-34-29_buffer.nstep=5,buffer.use_per=true/results.png and /dev/null differ diff --git a/runs/2025-10-11/20-35-30_/.hydra/config.yaml b/runs/2025-10-14/19-39-11_+agent.noisy=true/.hydra/config.yaml similarity index 97% rename from runs/2025-10-11/20-35-30_/.hydra/config.yaml rename to runs/2025-10-14/19-39-11_+agent.noisy=true/.hydra/config.yaml index 2c29bdd..f92a04f 100644 --- a/runs/2025-10-11/20-35-30_/.hydra/config.yaml +++ b/runs/2025-10-14/19-39-11_+agent.noisy=true/.hydra/config.yaml @@ -23,6 +23,7 @@ agent: _target_: torch.nn.ELU use_dueling: false use_double: false + noisy: true buffer: capacity: 50000 use_per: false diff --git a/runs/2025-10-12/00-17-20_buffer.nstep=128/.hydra/hydra.yaml b/runs/2025-10-14/19-39-11_+agent.noisy=true/.hydra/hydra.yaml similarity index 95% rename from runs/2025-10-12/00-17-20_buffer.nstep=128/.hydra/hydra.yaml rename to runs/2025-10-14/19-39-11_+agent.noisy=true/.hydra/hydra.yaml index eb06618..9285d7e 100644 --- a/runs/2025-10-12/00-17-20_buffer.nstep=128/.hydra/hydra.yaml +++ b/runs/2025-10-14/19-39-11_+agent.noisy=true/.hydra/hydra.yaml @@ -112,11 +112,11 @@ hydra: hydra: - hydra.mode=RUN task: - - buffer.nstep=128 + - +agent.noisy=true job: name: main chdir: true - override_dirname: buffer.nstep=128 + override_dirname: +agent.noisy=true id: ??? num: ??? config_name: config @@ -141,7 +141,7 @@ hydra: - path: '' schema: structured provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-12\00-17-20_buffer.nstep=128 + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-14\19-39-11_+agent.noisy=true choices: hydra/env: default hydra/callbacks: null diff --git a/runs/2025-10-14/19-39-11_+agent.noisy=true/.hydra/overrides.yaml b/runs/2025-10-14/19-39-11_+agent.noisy=true/.hydra/overrides.yaml new file mode 100644 index 0000000..76358cd --- /dev/null +++ b/runs/2025-10-14/19-39-11_+agent.noisy=true/.hydra/overrides.yaml @@ -0,0 +1 @@ +- +agent.noisy=true diff --git a/runs/2025-10-14/19-39-11_+agent.noisy=true/main.log b/runs/2025-10-14/19-39-11_+agent.noisy=true/main.log new file mode 100644 index 0000000..e69de29 diff --git a/runs/2025-10-11/20-39-45_/.hydra/config.yaml b/runs/2025-10-14/19-42-04_agent.use_noisy=true/.hydra/config.yaml similarity index 96% rename from runs/2025-10-11/20-39-45_/.hydra/config.yaml rename to runs/2025-10-14/19-42-04_agent.use_noisy=true/.hydra/config.yaml index 2c29bdd..89527fc 100644 --- a/runs/2025-10-11/20-39-45_/.hydra/config.yaml +++ b/runs/2025-10-14/19-42-04_agent.use_noisy=true/.hydra/config.yaml @@ -23,6 +23,7 @@ agent: _target_: torch.nn.ELU use_dueling: false use_double: false + use_noisy: true buffer: capacity: 50000 use_per: false diff --git a/runs/2025-10-11/23-43-52_buffer.use_per=true/.hydra/hydra.yaml b/runs/2025-10-14/19-42-04_agent.use_noisy=true/.hydra/hydra.yaml similarity index 95% rename from runs/2025-10-11/23-43-52_buffer.use_per=true/.hydra/hydra.yaml rename to runs/2025-10-14/19-42-04_agent.use_noisy=true/.hydra/hydra.yaml index 7be1dcc..0bd47b2 100644 --- a/runs/2025-10-11/23-43-52_buffer.use_per=true/.hydra/hydra.yaml +++ b/runs/2025-10-14/19-42-04_agent.use_noisy=true/.hydra/hydra.yaml @@ -112,11 +112,11 @@ hydra: hydra: - hydra.mode=RUN task: - - buffer.use_per=true + - agent.use_noisy=true job: name: main chdir: true - override_dirname: buffer.use_per=true + override_dirname: agent.use_noisy=true id: ??? num: ??? config_name: config @@ -141,7 +141,7 @@ hydra: - path: '' schema: structured provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-11\23-43-52_buffer.use_per=true + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-14\19-42-04_agent.use_noisy=true choices: hydra/env: default hydra/callbacks: null diff --git a/runs/2025-10-14/19-42-04_agent.use_noisy=true/.hydra/overrides.yaml b/runs/2025-10-14/19-42-04_agent.use_noisy=true/.hydra/overrides.yaml new file mode 100644 index 0000000..5ca16ff --- /dev/null +++ b/runs/2025-10-14/19-42-04_agent.use_noisy=true/.hydra/overrides.yaml @@ -0,0 +1 @@ +- agent.use_noisy=true diff --git a/runs/2025-10-14/19-42-04_agent.use_noisy=true/main.log b/runs/2025-10-14/19-42-04_agent.use_noisy=true/main.log new file mode 100644 index 0000000..b2bb7b5 --- /dev/null +++ b/runs/2025-10-14/19-42-04_agent.use_noisy=true/main.log @@ -0,0 +1 @@ +[2025-10-14 19:42:06,145][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-11/20-31-16_/.hydra/config.yaml b/runs/2025-10-14/19-44-31_agent.use_noisy=true/.hydra/config.yaml similarity index 96% rename from runs/2025-10-11/20-31-16_/.hydra/config.yaml rename to runs/2025-10-14/19-44-31_agent.use_noisy=true/.hydra/config.yaml index 2c29bdd..89527fc 100644 --- a/runs/2025-10-11/20-31-16_/.hydra/config.yaml +++ b/runs/2025-10-14/19-44-31_agent.use_noisy=true/.hydra/config.yaml @@ -23,6 +23,7 @@ agent: _target_: torch.nn.ELU use_dueling: false use_double: false + use_noisy: true buffer: capacity: 50000 use_per: false diff --git a/runs/2025-10-12/00-13-09_buffer.nstep=128/.hydra/hydra.yaml b/runs/2025-10-14/19-44-31_agent.use_noisy=true/.hydra/hydra.yaml similarity index 95% rename from runs/2025-10-12/00-13-09_buffer.nstep=128/.hydra/hydra.yaml rename to runs/2025-10-14/19-44-31_agent.use_noisy=true/.hydra/hydra.yaml index 2a0f101..a395903 100644 --- a/runs/2025-10-12/00-13-09_buffer.nstep=128/.hydra/hydra.yaml +++ b/runs/2025-10-14/19-44-31_agent.use_noisy=true/.hydra/hydra.yaml @@ -112,11 +112,11 @@ hydra: hydra: - hydra.mode=RUN task: - - buffer.nstep=128 + - agent.use_noisy=true job: name: main chdir: true - override_dirname: buffer.nstep=128 + override_dirname: agent.use_noisy=true id: ??? num: ??? config_name: config @@ -141,7 +141,7 @@ hydra: - path: '' schema: structured provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-12\00-13-09_buffer.nstep=128 + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-14\19-44-31_agent.use_noisy=true choices: hydra/env: default hydra/callbacks: null diff --git a/runs/2025-10-14/19-44-31_agent.use_noisy=true/.hydra/overrides.yaml b/runs/2025-10-14/19-44-31_agent.use_noisy=true/.hydra/overrides.yaml new file mode 100644 index 0000000..5ca16ff --- /dev/null +++ b/runs/2025-10-14/19-44-31_agent.use_noisy=true/.hydra/overrides.yaml @@ -0,0 +1 @@ +- agent.use_noisy=true diff --git a/runs/2025-10-14/19-44-31_agent.use_noisy=true/main.log b/runs/2025-10-14/19-44-31_agent.use_noisy=true/main.log new file mode 100644 index 0000000..cf29db0 --- /dev/null +++ b/runs/2025-10-14/19-44-31_agent.use_noisy=true/main.log @@ -0,0 +1 @@ +[2025-10-14 19:44:33,338][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer diff --git a/runs/2025-10-14/20-09-00_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/config.yaml b/runs/2025-10-14/20-09-00_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/config.yaml new file mode 100644 index 0000000..11c91dc --- /dev/null +++ b/runs/2025-10-14/20-09-00_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/config.yaml @@ -0,0 +1,35 @@ +seed: 42 +env_name: CartPole-v1 +train: + nstep: ${buffer.nstep} + timesteps: 50000 + batch_size: 128 + test_every: 2500 + eps_max: 1 + eps_min: 0.05 + eps_steps: 12500 + start_steps: 0 + plot_interval: 2000 + eval_interval: 2000 + eval_episodes: 10 +agent: + gamma: 0.99 + lr: 0.002 + tau: 0.1 + nstep: ${buffer.nstep} + target_update_interval: 3 + hidden_size: 64 + activation: + _target_: torch.nn.ELU + use_dueling: false + use_double: false + use_noisy: true + noisy_sigma: 0.017 +buffer: + capacity: 50000 + use_per: false + nstep: 1 + gamma: ${agent.gamma} + per_alpha: 0.7 + per_beta: 0.4 + per_eps: 0.01 diff --git a/runs/2025-10-14/20-09-00_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/hydra.yaml b/runs/2025-10-14/20-09-00_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/hydra.yaml new file mode 100644 index 0000000..84d59a8 --- /dev/null +++ b/runs/2025-10-14/20-09-00_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/hydra.yaml @@ -0,0 +1,156 @@ +hydra: + run: + dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} + sweep: + dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper + max_batch_size: null + params: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: RUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=RUN + task: + - agent.use_noisy=true + - agent.noisy_sigma=0.017 + job: + name: main + chdir: true + override_dirname: agent.noisy_sigma=0.017,agent.use_noisy=true + id: ??? + num: ??? + config_name: config + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-14\20-09-00_agent.noisy_sigma=0.017,agent.use_noisy=true + choices: + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: basic + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/runs/2025-10-14/20-09-00_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/overrides.yaml b/runs/2025-10-14/20-09-00_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/overrides.yaml new file mode 100644 index 0000000..80cc406 --- /dev/null +++ b/runs/2025-10-14/20-09-00_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/overrides.yaml @@ -0,0 +1,2 @@ +- agent.use_noisy=true +- agent.noisy_sigma=0.017 diff --git a/runs/2025-10-14/20-09-00_agent.noisy_sigma=0.017,agent.use_noisy=true/main.log b/runs/2025-10-14/20-09-00_agent.noisy_sigma=0.017,agent.use_noisy=true/main.log new file mode 100644 index 0000000..e69de29 diff --git a/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/config.yaml b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/config.yaml new file mode 100644 index 0000000..11c91dc --- /dev/null +++ b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/config.yaml @@ -0,0 +1,35 @@ +seed: 42 +env_name: CartPole-v1 +train: + nstep: ${buffer.nstep} + timesteps: 50000 + batch_size: 128 + test_every: 2500 + eps_max: 1 + eps_min: 0.05 + eps_steps: 12500 + start_steps: 0 + plot_interval: 2000 + eval_interval: 2000 + eval_episodes: 10 +agent: + gamma: 0.99 + lr: 0.002 + tau: 0.1 + nstep: ${buffer.nstep} + target_update_interval: 3 + hidden_size: 64 + activation: + _target_: torch.nn.ELU + use_dueling: false + use_double: false + use_noisy: true + noisy_sigma: 0.017 +buffer: + capacity: 50000 + use_per: false + nstep: 1 + gamma: ${agent.gamma} + per_alpha: 0.7 + per_beta: 0.4 + per_eps: 0.01 diff --git a/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/hydra.yaml b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/hydra.yaml new file mode 100644 index 0000000..a2bd3ab --- /dev/null +++ b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/hydra.yaml @@ -0,0 +1,156 @@ +hydra: + run: + dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} + sweep: + dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper + max_batch_size: null + params: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: RUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=RUN + task: + - agent.use_noisy=true + - agent.noisy_sigma=0.017 + job: + name: main + chdir: true + override_dirname: agent.noisy_sigma=0.017,agent.use_noisy=true + id: ??? + num: ??? + config_name: config + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-14\20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true + choices: + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: basic + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/overrides.yaml b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/overrides.yaml new file mode 100644 index 0000000..80cc406 --- /dev/null +++ b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/.hydra/overrides.yaml @@ -0,0 +1,2 @@ +- agent.use_noisy=true +- agent.noisy_sigma=0.017 diff --git a/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/best_videos.mp4 b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/best_videos.mp4 new file mode 100644 index 0000000..6454a52 Binary files /dev/null and b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/best_videos.mp4 differ diff --git a/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/final_videos.mp4 b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/final_videos.mp4 new file mode 100644 index 0000000..04d684e Binary files /dev/null and b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/final_videos.mp4 differ diff --git a/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/main.log b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/main.log new file mode 100644 index 0000000..3478df8 --- /dev/null +++ b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/main.log @@ -0,0 +1,28 @@ +[2025-10-14 20:10:23,212][__main__][INFO] - Training for 50000 timesteps with NoisyQNetworkwith noisy sigma=0.017 and NormalReplayBuffer +[2025-10-14 20:10:37,802][core][INFO] - Step: 2000, Eval mean: 198.8, Eval std: 44.11757019601148 +[2025-10-14 20:10:54,273][core][INFO] - Step: 4000, Eval mean: 232.8, Eval std: 62.62874739287063 +[2025-10-14 20:11:11,664][core][INFO] - Step: 6000, Eval mean: 315.8, Eval std: 59.45889336339855 +[2025-10-14 20:11:29,420][core][INFO] - Step: 8000, Eval mean: 333.8, Eval std: 37.796296114831144 +[2025-10-14 20:11:49,484][core][INFO] - Step: 10000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:12:06,677][core][INFO] - Step: 12000, Eval mean: 173.5, Eval std: 15.422386326376342 +[2025-10-14 20:12:23,142][core][INFO] - Step: 14000, Eval mean: 117.6, Eval std: 2.90516780926679 +[2025-10-14 20:12:43,060][core][INFO] - Step: 16000, Eval mean: 476.0, Eval std: 62.509199322979654 +[2025-10-14 20:13:03,825][core][INFO] - Step: 18000, Eval mean: 470.9, Eval std: 32.28141880401169 +[2025-10-14 20:13:24,671][core][INFO] - Step: 20000, Eval mean: 456.8, Eval std: 37.10202150826825 +[2025-10-14 20:13:44,654][core][INFO] - Step: 22000, Eval mean: 351.5, Eval std: 91.09253536926064 +[2025-10-14 20:14:03,339][core][INFO] - Step: 24000, Eval mean: 138.2, Eval std: 2.891366458960192 +[2025-10-14 20:14:25,926][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:14:48,281][core][INFO] - Step: 28000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:15:11,898][core][INFO] - Step: 30000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:15:34,603][core][INFO] - Step: 32000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:15:55,926][core][INFO] - Step: 34000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:16:17,190][core][INFO] - Step: 36000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:16:35,708][core][INFO] - Step: 38000, Eval mean: 212.6, Eval std: 22.698898651696737 +[2025-10-14 20:16:57,155][core][INFO] - Step: 40000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:17:19,003][core][INFO] - Step: 42000, Eval mean: 483.7, Eval std: 31.189902212094225 +[2025-10-14 20:17:40,610][core][INFO] - Step: 44000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:18:03,087][core][INFO] - Step: 46000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:18:25,316][core][INFO] - Step: 48000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:18:47,463][core][INFO] - Step: 50000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:19:12,165][core][INFO] - Final Eval mean: 491.8, Eval std: 24.599999999999998 +[2025-10-14 20:19:17,782][__main__][INFO] - Finish training with eval mean: 491.8 diff --git a/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/models/best_model.pt b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/models/best_model.pt new file mode 100644 index 0000000..79eb175 Binary files /dev/null and b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/models/best_model.pt differ diff --git a/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/models/final_model.pt b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/models/final_model.pt new file mode 100644 index 0000000..9c027c9 Binary files /dev/null and b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/models/final_model.pt differ diff --git a/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/results.png b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/results.png new file mode 100644 index 0000000..f4cdd80 Binary files /dev/null and b/runs/2025-10-14/20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true/results.png differ diff --git a/runs/2025-10-11/20-24-05_/.hydra/config.yaml b/runs/DQN/.hydra/config.yaml similarity index 100% rename from runs/2025-10-11/20-24-05_/.hydra/config.yaml rename to runs/DQN/.hydra/config.yaml diff --git a/runs/2025-10-11/23-25-31_/.hydra/hydra.yaml b/runs/DQN/.hydra/hydra.yaml similarity index 98% rename from runs/2025-10-11/23-25-31_/.hydra/hydra.yaml rename to runs/DQN/.hydra/hydra.yaml index d659e48..9be6ffb 100644 --- a/runs/2025-10-11/23-25-31_/.hydra/hydra.yaml +++ b/runs/DQN/.hydra/hydra.yaml @@ -140,7 +140,7 @@ hydra: - path: '' schema: structured provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-11\23-25-31_ + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-13\22-40-28_ choices: hydra/env: default hydra/callbacks: null diff --git a/runs/2025-10-11/20-24-05_/.hydra/overrides.yaml b/runs/DQN/.hydra/overrides.yaml similarity index 100% rename from runs/2025-10-11/20-24-05_/.hydra/overrides.yaml rename to runs/DQN/.hydra/overrides.yaml diff --git a/runs/DQN/best_videos.mp4 b/runs/DQN/best_videos.mp4 new file mode 100644 index 0000000..1ec13bb Binary files /dev/null and b/runs/DQN/best_videos.mp4 differ diff --git a/runs/DQN/final_videos.mp4 b/runs/DQN/final_videos.mp4 new file mode 100644 index 0000000..96e0858 Binary files /dev/null and b/runs/DQN/final_videos.mp4 differ diff --git a/runs/DQN/main.log b/runs/DQN/main.log new file mode 100644 index 0000000..f192bc2 --- /dev/null +++ b/runs/DQN/main.log @@ -0,0 +1,28 @@ +[2025-10-13 22:40:31,116][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer +[2025-10-13 22:40:42,581][core][INFO] - Step: 2000, Eval mean: 262.8, Eval std: 52.92409659125038 +[2025-10-13 22:40:54,700][core][INFO] - Step: 4000, Eval mean: 243.4, Eval std: 65.53655468515262 +[2025-10-13 22:41:06,329][core][INFO] - Step: 6000, Eval mean: 181.4, Eval std: 57.339689570139804 +[2025-10-13 22:41:17,476][core][INFO] - Step: 8000, Eval mean: 98.2, Eval std: 2.638181191654584 +[2025-10-13 22:41:28,845][core][INFO] - Step: 10000, Eval mean: 116.9, Eval std: 5.18555686498567 +[2025-10-13 22:41:40,462][core][INFO] - Step: 12000, Eval mean: 108.0, Eval std: 3.4641016151377544 +[2025-10-13 22:41:52,444][core][INFO] - Step: 14000, Eval mean: 149.4, Eval std: 7.578918128598566 +[2025-10-13 22:42:04,993][core][INFO] - Step: 16000, Eval mean: 250.2, Eval std: 12.416118556135006 +[2025-10-13 22:42:18,663][core][INFO] - Step: 18000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:42:32,624][core][INFO] - Step: 20000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:42:46,682][core][INFO] - Step: 22000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:43:01,168][core][INFO] - Step: 24000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:43:15,593][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:43:29,945][core][INFO] - Step: 28000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:43:44,537][core][INFO] - Step: 30000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:43:58,921][core][INFO] - Step: 32000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:44:13,691][core][INFO] - Step: 34000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:44:28,577][core][INFO] - Step: 36000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:44:44,231][core][INFO] - Step: 38000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:44:59,385][core][INFO] - Step: 40000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:45:14,726][core][INFO] - Step: 42000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:45:31,078][core][INFO] - Step: 44000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:45:47,260][core][INFO] - Step: 46000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:46:01,959][core][INFO] - Step: 48000, Eval mean: 166.6, Eval std: 3.7735924528226414 +[2025-10-13 22:46:18,821][core][INFO] - Step: 50000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:46:40,094][core][INFO] - Final Eval mean: 500.0, Eval std: 0.0 +[2025-10-13 22:46:45,564][__main__][INFO] - Finish training with eval mean: 500.0 diff --git a/runs/2025-10-11/23-00-28_/models/best_model.pt b/runs/DQN/models/best_model.pt similarity index 100% rename from runs/2025-10-11/23-00-28_/models/best_model.pt rename to runs/DQN/models/best_model.pt diff --git a/runs/DQN/models/final_model.pt b/runs/DQN/models/final_model.pt new file mode 100644 index 0000000..c42c45e Binary files /dev/null and b/runs/DQN/models/final_model.pt differ diff --git a/runs/DQN/results.png b/runs/DQN/results.png new file mode 100644 index 0000000..3170bbe Binary files /dev/null and b/runs/DQN/results.png differ diff --git a/runs/2025-10-11/23-13-55_agent.use_double=true/.hydra/config.yaml b/runs/Double DQN/.hydra/config.yaml similarity index 100% rename from runs/2025-10-11/23-13-55_agent.use_double=true/.hydra/config.yaml rename to runs/Double DQN/.hydra/config.yaml diff --git a/runs/2025-10-11/23-13-55_agent.use_double=true/.hydra/hydra.yaml b/runs/Double DQN/.hydra/hydra.yaml similarity index 96% rename from runs/2025-10-11/23-13-55_agent.use_double=true/.hydra/hydra.yaml rename to runs/Double DQN/.hydra/hydra.yaml index b1e7523..cebe66b 100644 --- a/runs/2025-10-11/23-13-55_agent.use_double=true/.hydra/hydra.yaml +++ b/runs/Double DQN/.hydra/hydra.yaml @@ -130,7 +130,7 @@ hydra: runtime: version: 1.3.2 version_base: '1.3' - cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100 + cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 config_sources: - path: hydra.conf schema: pkg @@ -141,7 +141,7 @@ hydra: - path: '' schema: structured provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\runs\2025-10-11\23-13-55_agent.use_double=true + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-14\00-52-32_agent.use_double=true choices: hydra/env: default hydra/callbacks: null diff --git a/runs/2025-10-11/23-13-55_agent.use_double=true/.hydra/overrides.yaml b/runs/Double DQN/.hydra/overrides.yaml similarity index 100% rename from runs/2025-10-11/23-13-55_agent.use_double=true/.hydra/overrides.yaml rename to runs/Double DQN/.hydra/overrides.yaml diff --git a/runs/Double DQN/best_videos.mp4 b/runs/Double DQN/best_videos.mp4 new file mode 100644 index 0000000..43a1ebe Binary files /dev/null and b/runs/Double DQN/best_videos.mp4 differ diff --git a/runs/Double DQN/final_videos.mp4 b/runs/Double DQN/final_videos.mp4 new file mode 100644 index 0000000..b49928a Binary files /dev/null and b/runs/Double DQN/final_videos.mp4 differ diff --git a/runs/Double DQN/main.log b/runs/Double DQN/main.log new file mode 100644 index 0000000..e0c3fe7 --- /dev/null +++ b/runs/Double DQN/main.log @@ -0,0 +1,28 @@ +[2025-10-14 00:52:33,895][__main__][INFO] - Training for 50000 timesteps with DoubleQNetwork and NormalReplayBuffer +[2025-10-14 00:52:44,881][core][INFO] - Step: 2000, Eval mean: 234.8, Eval std: 44.81919231757752 +[2025-10-14 00:52:56,758][core][INFO] - Step: 4000, Eval mean: 119.7, Eval std: 4.920365840057018 +[2025-10-14 00:53:08,167][core][INFO] - Step: 6000, Eval mean: 123.0, Eval std: 7.0 +[2025-10-14 00:53:19,718][core][INFO] - Step: 8000, Eval mean: 101.4, Eval std: 2.8705400188814645 +[2025-10-14 00:53:32,614][core][INFO] - Step: 10000, Eval mean: 116.3, Eval std: 4.712748667179271 +[2025-10-14 00:53:44,590][core][INFO] - Step: 12000, Eval mean: 144.1, Eval std: 3.5341194094144583 +[2025-10-14 00:53:58,722][core][INFO] - Step: 14000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:54:12,965][core][INFO] - Step: 16000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:54:27,337][core][INFO] - Step: 18000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:54:41,283][core][INFO] - Step: 20000, Eval mean: 417.8, Eval std: 27.42918154083348 +[2025-10-14 00:54:55,824][core][INFO] - Step: 22000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:55:10,415][core][INFO] - Step: 24000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:55:25,306][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:55:40,032][core][INFO] - Step: 28000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:55:54,673][core][INFO] - Step: 30000, Eval mean: 436.4, Eval std: 127.21257799447349 +[2025-10-14 00:56:09,734][core][INFO] - Step: 32000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:56:24,792][core][INFO] - Step: 34000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:56:40,158][core][INFO] - Step: 36000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:56:55,462][core][INFO] - Step: 38000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:57:08,747][core][INFO] - Step: 40000, Eval mean: 104.7, Eval std: 3.195309061734092 +[2025-10-14 00:57:24,425][core][INFO] - Step: 42000, Eval mean: 494.4, Eval std: 16.799999999999997 +[2025-10-14 00:57:40,491][core][INFO] - Step: 44000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:57:56,736][core][INFO] - Step: 46000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:58:12,809][core][INFO] - Step: 48000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:58:28,851][core][INFO] - Step: 50000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:58:49,678][core][INFO] - Final Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 00:58:55,618][__main__][INFO] - Finish training with eval mean: 500.0 diff --git a/runs/Double DQN/models/best_model.pt b/runs/Double DQN/models/best_model.pt new file mode 100644 index 0000000..c24b24a Binary files /dev/null and b/runs/Double DQN/models/best_model.pt differ diff --git a/runs/Double DQN/models/final_model.pt b/runs/Double DQN/models/final_model.pt new file mode 100644 index 0000000..2529e8b Binary files /dev/null and b/runs/Double DQN/models/final_model.pt differ diff --git a/runs/Double DQN/results.png b/runs/Double DQN/results.png new file mode 100644 index 0000000..58bd0af Binary files /dev/null and b/runs/Double DQN/results.png differ diff --git a/runs/2025-10-11/23-26-02_agent.use_dueling=true/.hydra/config.yaml b/runs/Dueling DQN/.hydra/config.yaml similarity index 100% rename from runs/2025-10-11/23-26-02_agent.use_dueling=true/.hydra/config.yaml rename to runs/Dueling DQN/.hydra/config.yaml diff --git a/runs/2025-10-11/23-26-02_agent.use_dueling=true/.hydra/hydra.yaml b/runs/Dueling DQN/.hydra/hydra.yaml similarity index 98% rename from runs/2025-10-11/23-26-02_agent.use_dueling=true/.hydra/hydra.yaml rename to runs/Dueling DQN/.hydra/hydra.yaml index 7b7753d..db625e7 100644 --- a/runs/2025-10-11/23-26-02_agent.use_dueling=true/.hydra/hydra.yaml +++ b/runs/Dueling DQN/.hydra/hydra.yaml @@ -141,7 +141,7 @@ hydra: - path: '' schema: structured provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-11\23-26-02_agent.use_dueling=true + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-14\13-00-36_agent.use_dueling=true choices: hydra/env: default hydra/callbacks: null diff --git a/runs/2025-10-11/23-26-02_agent.use_dueling=true/.hydra/overrides.yaml b/runs/Dueling DQN/.hydra/overrides.yaml similarity index 100% rename from runs/2025-10-11/23-26-02_agent.use_dueling=true/.hydra/overrides.yaml rename to runs/Dueling DQN/.hydra/overrides.yaml diff --git a/runs/Dueling DQN/best_videos.mp4 b/runs/Dueling DQN/best_videos.mp4 new file mode 100644 index 0000000..5e2c0e6 Binary files /dev/null and b/runs/Dueling DQN/best_videos.mp4 differ diff --git a/runs/Dueling DQN/final_videos.mp4 b/runs/Dueling DQN/final_videos.mp4 new file mode 100644 index 0000000..62e9210 Binary files /dev/null and b/runs/Dueling DQN/final_videos.mp4 differ diff --git a/runs/Dueling DQN/main.log b/runs/Dueling DQN/main.log new file mode 100644 index 0000000..25da3c4 --- /dev/null +++ b/runs/Dueling DQN/main.log @@ -0,0 +1,28 @@ +[2025-10-14 13:00:38,727][__main__][INFO] - Training for 50000 timesteps with DuelingQNetwork and NormalReplayBuffer +[2025-10-14 13:00:52,003][core][INFO] - Step: 2000, Eval mean: 226.0, Eval std: 42.757455490241696 +[2025-10-14 13:01:05,682][core][INFO] - Step: 4000, Eval mean: 106.6, Eval std: 3.49857113690718 +[2025-10-14 13:01:19,305][core][INFO] - Step: 6000, Eval mean: 111.5, Eval std: 3.1064449134018135 +[2025-10-14 13:01:32,914][core][INFO] - Step: 8000, Eval mean: 96.8, Eval std: 2.821347195933177 +[2025-10-14 13:01:47,159][core][INFO] - Step: 10000, Eval mean: 112.4, Eval std: 4.476605857119878 +[2025-10-14 13:02:02,858][core][INFO] - Step: 12000, Eval mean: 257.3, Eval std: 5.692978130996114 +[2025-10-14 13:02:20,788][core][INFO] - Step: 14000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:02:35,643][core][INFO] - Step: 16000, Eval mean: 113.8, Eval std: 3.515679166249389 +[2025-10-14 13:02:51,082][core][INFO] - Step: 18000, Eval mean: 182.2, Eval std: 8.022468448052631 +[2025-10-14 13:03:09,453][core][INFO] - Step: 20000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:03:27,871][core][INFO] - Step: 22000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:03:46,131][core][INFO] - Step: 24000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:04:04,436][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:04:20,519][core][INFO] - Step: 28000, Eval mean: 140.2, Eval std: 3.4871191548325386 +[2025-10-14 13:04:39,437][core][INFO] - Step: 30000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:04:58,794][core][INFO] - Step: 32000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:05:17,795][core][INFO] - Step: 34000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:05:36,679][core][INFO] - Step: 36000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:05:56,508][core][INFO] - Step: 38000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:06:15,697][core][INFO] - Step: 40000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:06:35,099][core][INFO] - Step: 42000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:06:54,516][core][INFO] - Step: 44000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:07:13,767][core][INFO] - Step: 46000, Eval mean: 458.3, Eval std: 39.079534285863744 +[2025-10-14 13:07:33,423][core][INFO] - Step: 48000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:07:53,642][core][INFO] - Step: 50000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:08:19,011][core][INFO] - Final Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:08:25,330][__main__][INFO] - Finish training with eval mean: 500.0 diff --git a/runs/2025-10-11/23-26-02_agent.use_dueling=true/models/best_model.pt b/runs/Dueling DQN/models/best_model.pt similarity index 100% rename from runs/2025-10-11/23-26-02_agent.use_dueling=true/models/best_model.pt rename to runs/Dueling DQN/models/best_model.pt diff --git a/runs/Dueling DQN/models/final_model.pt b/runs/Dueling DQN/models/final_model.pt new file mode 100644 index 0000000..583ad8e Binary files /dev/null and b/runs/Dueling DQN/models/final_model.pt differ diff --git a/runs/Dueling DQN/results.png b/runs/Dueling DQN/results.png new file mode 100644 index 0000000..d7ad60d Binary files /dev/null and b/runs/Dueling DQN/results.png differ diff --git a/runs/2025-10-11/23-43-52_buffer.use_per=true/.hydra/config.yaml b/runs/NStep + PER/.hydra/config.yaml similarity index 97% rename from runs/2025-10-11/23-43-52_buffer.use_per=true/.hydra/config.yaml rename to runs/NStep + PER/.hydra/config.yaml index 9ce2e03..48e5e8b 100644 --- a/runs/2025-10-11/23-43-52_buffer.use_per=true/.hydra/config.yaml +++ b/runs/NStep + PER/.hydra/config.yaml @@ -26,7 +26,7 @@ agent: buffer: capacity: 50000 use_per: true - nstep: 1 + nstep: 128 gamma: ${agent.gamma} per_alpha: 0.7 per_beta: 0.4 diff --git a/runs/2025-10-12/00-21-15_buffer.nstep=16,buffer.use_per=true/.hydra/hydra.yaml b/runs/NStep + PER/.hydra/hydra.yaml similarity index 94% rename from runs/2025-10-12/00-21-15_buffer.nstep=16,buffer.use_per=true/.hydra/hydra.yaml rename to runs/NStep + PER/.hydra/hydra.yaml index 9c3c9dc..fa680c6 100644 --- a/runs/2025-10-12/00-21-15_buffer.nstep=16,buffer.use_per=true/.hydra/hydra.yaml +++ b/runs/NStep + PER/.hydra/hydra.yaml @@ -112,12 +112,12 @@ hydra: hydra: - hydra.mode=RUN task: - - buffer.nstep=16 + - buffer.nstep=128 - buffer.use_per=true job: name: main chdir: true - override_dirname: buffer.nstep=16,buffer.use_per=true + override_dirname: buffer.nstep=128,buffer.use_per=true id: ??? num: ??? config_name: config @@ -142,7 +142,7 @@ hydra: - path: '' schema: structured provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-12\00-21-15_buffer.nstep=16,buffer.use_per=true + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-14\19-21-15_buffer.nstep=128,buffer.use_per=true choices: hydra/env: default hydra/callbacks: null diff --git a/runs/2025-10-11/23-43-52_buffer.use_per=true/.hydra/overrides.yaml b/runs/NStep + PER/.hydra/overrides.yaml similarity index 53% rename from runs/2025-10-11/23-43-52_buffer.use_per=true/.hydra/overrides.yaml rename to runs/NStep + PER/.hydra/overrides.yaml index 78c8405..51911a4 100644 --- a/runs/2025-10-11/23-43-52_buffer.use_per=true/.hydra/overrides.yaml +++ b/runs/NStep + PER/.hydra/overrides.yaml @@ -1 +1,2 @@ +- buffer.nstep=128 - buffer.use_per=true diff --git a/runs/NStep + PER/best_videos.mp4 b/runs/NStep + PER/best_videos.mp4 new file mode 100644 index 0000000..3d8efab Binary files /dev/null and b/runs/NStep + PER/best_videos.mp4 differ diff --git a/runs/NStep + PER/final_videos.mp4 b/runs/NStep + PER/final_videos.mp4 new file mode 100644 index 0000000..d157d62 Binary files /dev/null and b/runs/NStep + PER/final_videos.mp4 differ diff --git a/runs/NStep + PER/main.log b/runs/NStep + PER/main.log new file mode 100644 index 0000000..d49bb48 --- /dev/null +++ b/runs/NStep + PER/main.log @@ -0,0 +1,28 @@ +[2025-10-14 19:21:17,376][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and Prioritized128StepReplayBuffer +[2025-10-14 19:21:34,879][core][INFO] - Step: 2000, Eval mean: 456.7, Eval std: 92.16078341680912 +[2025-10-14 19:21:54,280][core][INFO] - Step: 4000, Eval mean: 342.6, Eval std: 110.711517016072 +[2025-10-14 19:22:14,110][core][INFO] - Step: 6000, Eval mean: 466.4, Eval std: 94.00872299951746 +[2025-10-14 19:22:34,658][core][INFO] - Step: 8000, Eval mean: 361.6, Eval std: 128.00015624990465 +[2025-10-14 19:22:56,066][core][INFO] - Step: 10000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:23:16,415][core][INFO] - Step: 12000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:23:36,927][core][INFO] - Step: 14000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:23:57,874][core][INFO] - Step: 16000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:24:19,149][core][INFO] - Step: 18000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:24:41,119][core][INFO] - Step: 20000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:25:02,958][core][INFO] - Step: 22000, Eval mean: 492.9, Eval std: 21.300000000000004 +[2025-10-14 19:25:23,753][core][INFO] - Step: 24000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:25:45,607][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:26:06,989][core][INFO] - Step: 28000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:26:28,286][core][INFO] - Step: 30000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:26:49,902][core][INFO] - Step: 32000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:27:11,595][core][INFO] - Step: 34000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:27:33,248][core][INFO] - Step: 36000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:27:56,147][core][INFO] - Step: 38000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:28:17,046][core][INFO] - Step: 40000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:28:39,009][core][INFO] - Step: 42000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:29:02,006][core][INFO] - Step: 44000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:29:24,781][core][INFO] - Step: 46000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:29:46,018][core][INFO] - Step: 48000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:30:07,976][core][INFO] - Step: 50000, Eval mean: 498.4, Eval std: 4.8 +[2025-10-14 19:30:29,809][core][INFO] - Final Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:30:35,387][__main__][INFO] - Finish training with eval mean: 500.0 diff --git a/runs/NStep + PER/models/best_model.pt b/runs/NStep + PER/models/best_model.pt new file mode 100644 index 0000000..cc030ff Binary files /dev/null and b/runs/NStep + PER/models/best_model.pt differ diff --git a/runs/NStep + PER/models/final_model.pt b/runs/NStep + PER/models/final_model.pt new file mode 100644 index 0000000..8e6dc47 Binary files /dev/null and b/runs/NStep + PER/models/final_model.pt differ diff --git a/runs/NStep + PER/results.png b/runs/NStep + PER/results.png new file mode 100644 index 0000000..2a6b611 Binary files /dev/null and b/runs/NStep + PER/results.png differ diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/.hydra/config.yaml b/runs/NStep/.hydra/config.yaml similarity index 100% rename from runs/2025-10-12/00-04-24_buffer.nstep=128/.hydra/config.yaml rename to runs/NStep/.hydra/config.yaml diff --git a/runs/2025-10-12/00-15-00_buffer.nstep=128/.hydra/hydra.yaml b/runs/NStep/.hydra/hydra.yaml similarity index 98% rename from runs/2025-10-12/00-15-00_buffer.nstep=128/.hydra/hydra.yaml rename to runs/NStep/.hydra/hydra.yaml index 3e57295..ab2eb3b 100644 --- a/runs/2025-10-12/00-15-00_buffer.nstep=128/.hydra/hydra.yaml +++ b/runs/NStep/.hydra/hydra.yaml @@ -141,7 +141,7 @@ hydra: - path: '' schema: structured provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-12\00-15-00_buffer.nstep=128 + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-14\19-03-45_buffer.nstep=128 choices: hydra/env: default hydra/callbacks: null diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/.hydra/overrides.yaml b/runs/NStep/.hydra/overrides.yaml similarity index 100% rename from runs/2025-10-12/00-04-24_buffer.nstep=128/.hydra/overrides.yaml rename to runs/NStep/.hydra/overrides.yaml diff --git a/runs/NStep/best_videos.mp4 b/runs/NStep/best_videos.mp4 new file mode 100644 index 0000000..4ce767e Binary files /dev/null and b/runs/NStep/best_videos.mp4 differ diff --git a/runs/NStep/final_videos.mp4 b/runs/NStep/final_videos.mp4 new file mode 100644 index 0000000..2e943ef Binary files /dev/null and b/runs/NStep/final_videos.mp4 differ diff --git a/runs/NStep/main.log b/runs/NStep/main.log new file mode 100644 index 0000000..e75ce45 --- /dev/null +++ b/runs/NStep/main.log @@ -0,0 +1,28 @@ +[2025-10-14 19:03:47,276][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and 128StepReplayBuffer +[2025-10-14 19:03:58,031][core][INFO] - Step: 2000, Eval mean: 291.0, Eval std: 99.46456655513057 +[2025-10-14 19:04:10,021][core][INFO] - Step: 4000, Eval mean: 303.2, Eval std: 111.64121102890276 +[2025-10-14 19:04:23,860][core][INFO] - Step: 6000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:04:38,659][core][INFO] - Step: 8000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:04:52,306][core][INFO] - Step: 10000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:05:06,470][core][INFO] - Step: 12000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:05:21,029][core][INFO] - Step: 14000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:05:35,288][core][INFO] - Step: 16000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:05:49,473][core][INFO] - Step: 18000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:06:04,191][core][INFO] - Step: 20000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:06:18,991][core][INFO] - Step: 22000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:06:34,700][core][INFO] - Step: 24000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:06:51,195][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:07:06,645][core][INFO] - Step: 28000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:07:21,815][core][INFO] - Step: 30000, Eval mean: 495.8, Eval std: 12.6 +[2025-10-14 19:07:36,874][core][INFO] - Step: 32000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:07:52,095][core][INFO] - Step: 34000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:08:07,776][core][INFO] - Step: 36000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:08:23,190][core][INFO] - Step: 38000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:08:39,469][core][INFO] - Step: 40000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:08:56,274][core][INFO] - Step: 42000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:09:12,538][core][INFO] - Step: 44000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:09:28,470][core][INFO] - Step: 46000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:09:44,698][core][INFO] - Step: 48000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:10:00,636][core][INFO] - Step: 50000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:10:20,926][core][INFO] - Final Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:10:26,478][__main__][INFO] - Finish training with eval mean: 500.0 diff --git a/runs/NStep/models/best_model.pt b/runs/NStep/models/best_model.pt new file mode 100644 index 0000000..4481dc7 Binary files /dev/null and b/runs/NStep/models/best_model.pt differ diff --git a/runs/NStep/models/final_model.pt b/runs/NStep/models/final_model.pt new file mode 100644 index 0000000..665a1da Binary files /dev/null and b/runs/NStep/models/final_model.pt differ diff --git a/runs/NStep/results.png b/runs/NStep/results.png new file mode 100644 index 0000000..fda00b5 Binary files /dev/null and b/runs/NStep/results.png differ diff --git a/runs/2025-10-11/20-41-09_/.hydra/config.yaml b/runs/Noisy DQN sig=0.5/.hydra/config.yaml similarity index 96% rename from runs/2025-10-11/20-41-09_/.hydra/config.yaml rename to runs/Noisy DQN sig=0.5/.hydra/config.yaml index 2c29bdd..89527fc 100644 --- a/runs/2025-10-11/20-41-09_/.hydra/config.yaml +++ b/runs/Noisy DQN sig=0.5/.hydra/config.yaml @@ -23,6 +23,7 @@ agent: _target_: torch.nn.ELU use_dueling: false use_double: false + use_noisy: true buffer: capacity: 50000 use_per: false diff --git a/runs/2025-10-12/00-04-24_buffer.nstep=128/.hydra/hydra.yaml b/runs/Noisy DQN sig=0.5/.hydra/hydra.yaml similarity index 95% rename from runs/2025-10-12/00-04-24_buffer.nstep=128/.hydra/hydra.yaml rename to runs/Noisy DQN sig=0.5/.hydra/hydra.yaml index cbdbc84..e47def0 100644 --- a/runs/2025-10-12/00-04-24_buffer.nstep=128/.hydra/hydra.yaml +++ b/runs/Noisy DQN sig=0.5/.hydra/hydra.yaml @@ -112,11 +112,11 @@ hydra: hydra: - hydra.mode=RUN task: - - buffer.nstep=128 + - agent.use_noisy=true job: name: main chdir: true - override_dirname: buffer.nstep=128 + override_dirname: agent.use_noisy=true id: ??? num: ??? config_name: config @@ -141,7 +141,7 @@ hydra: - path: '' schema: structured provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-12\00-04-24_buffer.nstep=128 + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-14\19-46-06_agent.use_noisy=true choices: hydra/env: default hydra/callbacks: null diff --git a/runs/Noisy DQN sig=0.5/.hydra/overrides.yaml b/runs/Noisy DQN sig=0.5/.hydra/overrides.yaml new file mode 100644 index 0000000..5ca16ff --- /dev/null +++ b/runs/Noisy DQN sig=0.5/.hydra/overrides.yaml @@ -0,0 +1 @@ +- agent.use_noisy=true diff --git a/runs/Noisy DQN sig=0.5/best_videos.mp4 b/runs/Noisy DQN sig=0.5/best_videos.mp4 new file mode 100644 index 0000000..96ca468 Binary files /dev/null and b/runs/Noisy DQN sig=0.5/best_videos.mp4 differ diff --git a/runs/Noisy DQN sig=0.5/final_videos.mp4 b/runs/Noisy DQN sig=0.5/final_videos.mp4 new file mode 100644 index 0000000..bea2a72 Binary files /dev/null and b/runs/Noisy DQN sig=0.5/final_videos.mp4 differ diff --git a/runs/Noisy DQN sig=0.5/main.log b/runs/Noisy DQN sig=0.5/main.log new file mode 100644 index 0000000..c663463 --- /dev/null +++ b/runs/Noisy DQN sig=0.5/main.log @@ -0,0 +1,28 @@ +[2025-10-14 19:46:07,866][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and NormalReplayBuffer +[2025-10-14 19:46:19,492][core][INFO] - Step: 2000, Eval mean: 28.7, Eval std: 14.744829602270757 +[2025-10-14 19:46:33,765][core][INFO] - Step: 4000, Eval mean: 120.6, Eval std: 48.15641182646398 +[2025-10-14 19:46:49,951][core][INFO] - Step: 6000, Eval mean: 257.9, Eval std: 40.41150826188006 +[2025-10-14 19:47:08,400][core][INFO] - Step: 8000, Eval mean: 288.2, Eval std: 54.50100916496868 +[2025-10-14 19:47:25,379][core][INFO] - Step: 10000, Eval mean: 262.3, Eval std: 39.39048108363238 +[2025-10-14 19:47:42,869][core][INFO] - Step: 12000, Eval mean: 265.9, Eval std: 70.49602825691672 +[2025-10-14 19:48:00,658][core][INFO] - Step: 14000, Eval mean: 196.5, Eval std: 22.822138374832452 +[2025-10-14 19:48:19,338][core][INFO] - Step: 16000, Eval mean: 296.4, Eval std: 78.080983600362 +[2025-10-14 19:48:39,550][core][INFO] - Step: 18000, Eval mean: 426.6, Eval std: 82.26445161793762 +[2025-10-14 19:48:59,227][core][INFO] - Step: 20000, Eval mean: 347.0, Eval std: 82.51545309819247 +[2025-10-14 19:49:19,269][core][INFO] - Step: 22000, Eval mean: 342.9, Eval std: 87.95504533567133 +[2025-10-14 19:49:37,593][core][INFO] - Step: 24000, Eval mean: 212.8, Eval std: 55.97106395272471 +[2025-10-14 19:49:59,155][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:50:20,929][core][INFO] - Step: 28000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:50:43,558][core][INFO] - Step: 30000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:51:06,671][core][INFO] - Step: 32000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:51:29,216][core][INFO] - Step: 34000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:51:48,919][core][INFO] - Step: 36000, Eval mean: 225.5, Eval std: 16.5 +[2025-10-14 19:52:08,636][core][INFO] - Step: 38000, Eval mean: 149.4, Eval std: 6.529931086925804 +[2025-10-14 19:52:28,036][core][INFO] - Step: 40000, Eval mean: 196.0, Eval std: 8.729261137118078 +[2025-10-14 19:52:51,803][core][INFO] - Step: 42000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:53:15,627][core][INFO] - Step: 44000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:53:39,823][core][INFO] - Step: 46000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:54:03,758][core][INFO] - Step: 48000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:54:29,256][core][INFO] - Step: 50000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:54:57,374][core][INFO] - Final Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 19:55:04,111][__main__][INFO] - Finish training with eval mean: 500.0 diff --git a/runs/Noisy DQN sig=0.5/models/best_model.pt b/runs/Noisy DQN sig=0.5/models/best_model.pt new file mode 100644 index 0000000..e0cd211 Binary files /dev/null and b/runs/Noisy DQN sig=0.5/models/best_model.pt differ diff --git a/runs/Noisy DQN sig=0.5/models/final_model.pt b/runs/Noisy DQN sig=0.5/models/final_model.pt new file mode 100644 index 0000000..b6f70f5 Binary files /dev/null and b/runs/Noisy DQN sig=0.5/models/final_model.pt differ diff --git a/runs/Noisy DQN sig=0.5/results.png b/runs/Noisy DQN sig=0.5/results.png new file mode 100644 index 0000000..22e6b71 Binary files /dev/null and b/runs/Noisy DQN sig=0.5/results.png differ diff --git a/runs/Noisy DQN/.hydra/config.yaml b/runs/Noisy DQN/.hydra/config.yaml new file mode 100644 index 0000000..11c91dc --- /dev/null +++ b/runs/Noisy DQN/.hydra/config.yaml @@ -0,0 +1,35 @@ +seed: 42 +env_name: CartPole-v1 +train: + nstep: ${buffer.nstep} + timesteps: 50000 + batch_size: 128 + test_every: 2500 + eps_max: 1 + eps_min: 0.05 + eps_steps: 12500 + start_steps: 0 + plot_interval: 2000 + eval_interval: 2000 + eval_episodes: 10 +agent: + gamma: 0.99 + lr: 0.002 + tau: 0.1 + nstep: ${buffer.nstep} + target_update_interval: 3 + hidden_size: 64 + activation: + _target_: torch.nn.ELU + use_dueling: false + use_double: false + use_noisy: true + noisy_sigma: 0.017 +buffer: + capacity: 50000 + use_per: false + nstep: 1 + gamma: ${agent.gamma} + per_alpha: 0.7 + per_beta: 0.4 + per_eps: 0.01 diff --git a/runs/Noisy DQN/.hydra/hydra.yaml b/runs/Noisy DQN/.hydra/hydra.yaml new file mode 100644 index 0000000..a2bd3ab --- /dev/null +++ b/runs/Noisy DQN/.hydra/hydra.yaml @@ -0,0 +1,156 @@ +hydra: + run: + dir: ./runs/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} + sweep: + dir: ./sweeps/${now:%Y-%m-%d}/${now:%H-%M-%S}_${hydra.job.override_dirname} + subdir: ${hydra.job.num} + launcher: + _target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher + sweeper: + _target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper + max_batch_size: null + params: null + help: + app_name: ${hydra.job.name} + header: '${hydra.help.app_name} is powered by Hydra. + + ' + footer: 'Powered by Hydra (https://hydra.cc) + + Use --hydra-help to view Hydra specific help + + ' + template: '${hydra.help.header} + + == Configuration groups == + + Compose your configuration from those groups (group=option) + + + $APP_CONFIG_GROUPS + + + == Config == + + Override anything in the config (foo.bar=value) + + + $CONFIG + + + ${hydra.help.footer} + + ' + hydra_help: + template: 'Hydra (${hydra.runtime.version}) + + See https://hydra.cc for more info. + + + == Flags == + + $FLAGS_HELP + + + == Configuration groups == + + Compose your configuration from those groups (For example, append hydra/job_logging=disabled + to command line) + + + $HYDRA_CONFIG_GROUPS + + + Use ''--cfg hydra'' to Show the Hydra config. + + ' + hydra_help: ??? + hydra_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][HYDRA] %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + root: + level: INFO + handlers: + - console + loggers: + logging_example: + level: DEBUG + disable_existing_loggers: false + job_logging: + version: 1 + formatters: + simple: + format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s' + handlers: + console: + class: logging.StreamHandler + formatter: simple + stream: ext://sys.stdout + file: + class: logging.FileHandler + formatter: simple + filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log + root: + level: INFO + handlers: + - console + - file + disable_existing_loggers: false + env: {} + mode: RUN + searchpath: [] + callbacks: {} + output_subdir: .hydra + overrides: + hydra: + - hydra.mode=RUN + task: + - agent.use_noisy=true + - agent.noisy_sigma=0.017 + job: + name: main + chdir: true + override_dirname: agent.noisy_sigma=0.017,agent.use_noisy=true + id: ??? + num: ??? + config_name: config + env_set: {} + env_copy: [] + config: + override_dirname: + kv_sep: '=' + item_sep: ',' + exclude_keys: [] + runtime: + version: 1.3.2 + version_base: '1.3' + cwd: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2 + config_sources: + - path: hydra.conf + schema: pkg + provider: hydra + - path: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\hw2\cfgs + schema: file + provider: main + - path: '' + schema: structured + provider: schema + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-14\20-10-21_agent.noisy_sigma=0.017,agent.use_noisy=true + choices: + hydra/env: default + hydra/callbacks: null + hydra/job_logging: default + hydra/hydra_logging: default + hydra/hydra_help: default + hydra/help: default + hydra/sweeper: basic + hydra/launcher: basic + hydra/output: default + verbose: false diff --git a/runs/Noisy DQN/.hydra/overrides.yaml b/runs/Noisy DQN/.hydra/overrides.yaml new file mode 100644 index 0000000..80cc406 --- /dev/null +++ b/runs/Noisy DQN/.hydra/overrides.yaml @@ -0,0 +1,2 @@ +- agent.use_noisy=true +- agent.noisy_sigma=0.017 diff --git a/runs/Noisy DQN/best_videos.mp4 b/runs/Noisy DQN/best_videos.mp4 new file mode 100644 index 0000000..6454a52 Binary files /dev/null and b/runs/Noisy DQN/best_videos.mp4 differ diff --git a/runs/Noisy DQN/final_videos.mp4 b/runs/Noisy DQN/final_videos.mp4 new file mode 100644 index 0000000..04d684e Binary files /dev/null and b/runs/Noisy DQN/final_videos.mp4 differ diff --git a/runs/Noisy DQN/main.log b/runs/Noisy DQN/main.log new file mode 100644 index 0000000..3478df8 --- /dev/null +++ b/runs/Noisy DQN/main.log @@ -0,0 +1,28 @@ +[2025-10-14 20:10:23,212][__main__][INFO] - Training for 50000 timesteps with NoisyQNetworkwith noisy sigma=0.017 and NormalReplayBuffer +[2025-10-14 20:10:37,802][core][INFO] - Step: 2000, Eval mean: 198.8, Eval std: 44.11757019601148 +[2025-10-14 20:10:54,273][core][INFO] - Step: 4000, Eval mean: 232.8, Eval std: 62.62874739287063 +[2025-10-14 20:11:11,664][core][INFO] - Step: 6000, Eval mean: 315.8, Eval std: 59.45889336339855 +[2025-10-14 20:11:29,420][core][INFO] - Step: 8000, Eval mean: 333.8, Eval std: 37.796296114831144 +[2025-10-14 20:11:49,484][core][INFO] - Step: 10000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:12:06,677][core][INFO] - Step: 12000, Eval mean: 173.5, Eval std: 15.422386326376342 +[2025-10-14 20:12:23,142][core][INFO] - Step: 14000, Eval mean: 117.6, Eval std: 2.90516780926679 +[2025-10-14 20:12:43,060][core][INFO] - Step: 16000, Eval mean: 476.0, Eval std: 62.509199322979654 +[2025-10-14 20:13:03,825][core][INFO] - Step: 18000, Eval mean: 470.9, Eval std: 32.28141880401169 +[2025-10-14 20:13:24,671][core][INFO] - Step: 20000, Eval mean: 456.8, Eval std: 37.10202150826825 +[2025-10-14 20:13:44,654][core][INFO] - Step: 22000, Eval mean: 351.5, Eval std: 91.09253536926064 +[2025-10-14 20:14:03,339][core][INFO] - Step: 24000, Eval mean: 138.2, Eval std: 2.891366458960192 +[2025-10-14 20:14:25,926][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:14:48,281][core][INFO] - Step: 28000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:15:11,898][core][INFO] - Step: 30000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:15:34,603][core][INFO] - Step: 32000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:15:55,926][core][INFO] - Step: 34000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:16:17,190][core][INFO] - Step: 36000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:16:35,708][core][INFO] - Step: 38000, Eval mean: 212.6, Eval std: 22.698898651696737 +[2025-10-14 20:16:57,155][core][INFO] - Step: 40000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:17:19,003][core][INFO] - Step: 42000, Eval mean: 483.7, Eval std: 31.189902212094225 +[2025-10-14 20:17:40,610][core][INFO] - Step: 44000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:18:03,087][core][INFO] - Step: 46000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:18:25,316][core][INFO] - Step: 48000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:18:47,463][core][INFO] - Step: 50000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 20:19:12,165][core][INFO] - Final Eval mean: 491.8, Eval std: 24.599999999999998 +[2025-10-14 20:19:17,782][__main__][INFO] - Finish training with eval mean: 491.8 diff --git a/runs/Noisy DQN/models/best_model.pt b/runs/Noisy DQN/models/best_model.pt new file mode 100644 index 0000000..79eb175 Binary files /dev/null and b/runs/Noisy DQN/models/best_model.pt differ diff --git a/runs/Noisy DQN/models/final_model.pt b/runs/Noisy DQN/models/final_model.pt new file mode 100644 index 0000000..9c027c9 Binary files /dev/null and b/runs/Noisy DQN/models/final_model.pt differ diff --git a/runs/Noisy DQN/results.png b/runs/Noisy DQN/results.png new file mode 100644 index 0000000..f4cdd80 Binary files /dev/null and b/runs/Noisy DQN/results.png differ diff --git a/runs/2025-10-11/23-43-22_buffer.use_per=true/.hydra/config.yaml b/runs/PER/.hydra/config.yaml similarity index 100% rename from runs/2025-10-11/23-43-22_buffer.use_per=true/.hydra/config.yaml rename to runs/PER/.hydra/config.yaml diff --git a/runs/2025-10-11/23-43-22_buffer.use_per=true/.hydra/hydra.yaml b/runs/PER/.hydra/hydra.yaml similarity index 98% rename from runs/2025-10-11/23-43-22_buffer.use_per=true/.hydra/hydra.yaml rename to runs/PER/.hydra/hydra.yaml index a39835e..f96b184 100644 --- a/runs/2025-10-11/23-43-22_buffer.use_per=true/.hydra/hydra.yaml +++ b/runs/PER/.hydra/hydra.yaml @@ -141,7 +141,7 @@ hydra: - path: '' schema: structured provider: schema - output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-11\23-43-22_buffer.use_per=true + output_dir: D:\Documents\Nextcloud\Documents\Project WUSTL\Academic\2025_Fall\CSE5100\Homeworks\hw2\runs\2025-10-14\13-12-35_buffer.use_per=true choices: hydra/env: default hydra/callbacks: null diff --git a/runs/2025-10-11/23-43-22_buffer.use_per=true/.hydra/overrides.yaml b/runs/PER/.hydra/overrides.yaml similarity index 100% rename from runs/2025-10-11/23-43-22_buffer.use_per=true/.hydra/overrides.yaml rename to runs/PER/.hydra/overrides.yaml diff --git a/runs/2025-10-11/23-43-52_buffer.use_per=true/best_videos.mp4 b/runs/PER/best_videos.mp4 similarity index 100% rename from runs/2025-10-11/23-43-52_buffer.use_per=true/best_videos.mp4 rename to runs/PER/best_videos.mp4 diff --git a/runs/2025-10-11/23-43-52_buffer.use_per=true/final_videos.mp4 b/runs/PER/final_videos.mp4 similarity index 100% rename from runs/2025-10-11/23-43-52_buffer.use_per=true/final_videos.mp4 rename to runs/PER/final_videos.mp4 diff --git a/runs/PER/main.log b/runs/PER/main.log new file mode 100644 index 0000000..d918f72 --- /dev/null +++ b/runs/PER/main.log @@ -0,0 +1,28 @@ +[2025-10-14 13:12:36,731][__main__][INFO] - Training for 50000 timesteps with NormalQNetwork and PrioritizedReplayBuffer +[2025-10-14 13:12:53,621][core][INFO] - Step: 2000, Eval mean: 167.4, Eval std: 44.43467114765226 +[2025-10-14 13:13:12,289][core][INFO] - Step: 4000, Eval mean: 193.3, Eval std: 37.97380676203006 +[2025-10-14 13:13:30,016][core][INFO] - Step: 6000, Eval mean: 100.3, Eval std: 2.7586228448267445 +[2025-10-14 13:13:48,026][core][INFO] - Step: 8000, Eval mean: 110.7, Eval std: 4.050925820105819 +[2025-10-14 13:14:06,334][core][INFO] - Step: 10000, Eval mean: 116.7, Eval std: 3.28785644455472 +[2025-10-14 13:14:24,823][core][INFO] - Step: 12000, Eval mean: 128.9, Eval std: 3.6999999999999997 +[2025-10-14 13:14:43,180][core][INFO] - Step: 14000, Eval mean: 102.4, Eval std: 2.4576411454889016 +[2025-10-14 13:15:02,497][core][INFO] - Step: 16000, Eval mean: 283.4, Eval std: 24.920674148184673 +[2025-10-14 13:15:23,197][core][INFO] - Step: 18000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:15:43,608][core][INFO] - Step: 20000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:16:04,222][core][INFO] - Step: 22000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:16:22,692][core][INFO] - Step: 24000, Eval mean: 142.5, Eval std: 4.5 +[2025-10-14 13:16:43,258][core][INFO] - Step: 26000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:17:04,228][core][INFO] - Step: 28000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:17:24,951][core][INFO] - Step: 30000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:17:43,438][core][INFO] - Step: 32000, Eval mean: 105.8, Eval std: 2.638181191654584 +[2025-10-14 13:18:03,736][core][INFO] - Step: 34000, Eval mean: 290.0, Eval std: 92.10971718553913 +[2025-10-14 13:18:25,199][core][INFO] - Step: 36000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:18:46,683][core][INFO] - Step: 38000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:19:07,998][core][INFO] - Step: 40000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:19:29,499][core][INFO] - Step: 42000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:19:50,347][core][INFO] - Step: 44000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:20:11,293][core][INFO] - Step: 46000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:20:32,552][core][INFO] - Step: 48000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:20:53,349][core][INFO] - Step: 50000, Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:21:14,911][core][INFO] - Final Eval mean: 500.0, Eval std: 0.0 +[2025-10-14 13:21:20,587][__main__][INFO] - Finish training with eval mean: 500.0 diff --git a/runs/2025-10-11/23-43-52_buffer.use_per=true/models/best_model.pt b/runs/PER/models/best_model.pt similarity index 100% rename from runs/2025-10-11/23-43-52_buffer.use_per=true/models/best_model.pt rename to runs/PER/models/best_model.pt diff --git a/runs/2025-10-11/23-43-52_buffer.use_per=true/models/final_model.pt b/runs/PER/models/final_model.pt similarity index 100% rename from runs/2025-10-11/23-43-52_buffer.use_per=true/models/final_model.pt rename to runs/PER/models/final_model.pt diff --git a/runs/2025-10-11/23-43-52_buffer.use_per=true/results.png b/runs/PER/results.png similarity index 100% rename from runs/2025-10-11/23-43-52_buffer.use_per=true/results.png rename to runs/PER/results.png