Skip to content

Commit

Permalink
Replace gym with gymnasium
Browse files Browse the repository at this point in the history
  • Loading branch information
tae898 committed Mar 15, 2023
1 parent 70de919 commit f3ef9fe
Show file tree
Hide file tree
Showing 6 changed files with 7 additions and 7 deletions.
2 changes: 1 addition & 1 deletion plotting.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@
from glob import glob
from typing import List, Tuple

import gym
import gymnasium as gym
import matplotlib.pyplot as plt
import numpy as np
import pandas as pd
Expand Down
2 changes: 1 addition & 1 deletion requirements.txt
Original file line number Diff line number Diff line change
@@ -1,3 +1,3 @@
room-env==1.0.1
room-env==1.0.2
pytorch-lightning==1.7.7
tqdm
2 changes: 1 addition & 1 deletion test/test_train_rl_agent.py
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
import random
import unittest

import gym
import gymnasium as gym
import room_env

from model import LSTM
Expand Down
4 changes: 2 additions & 2 deletions train.py
Original file line number Diff line number Diff line change
Expand Up @@ -11,13 +11,13 @@
from multiprocessing.sharedctypes import Value
from typing import Iterator, List, Tuple

import gym
import gymnasium as gym
import numpy as np
import room_env
import torch
import torch.optim as optim
import yaml
from gym import spaces
from gymnasium import spaces
from pytorch_lightning import LightningModule, Trainer
from pytorch_lightning.callbacks import EarlyStopping, ModelCheckpoint
from torch import Tensor, nn
Expand Down
2 changes: 1 addition & 1 deletion v0/handcrafted-multi-agent.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -12,7 +12,7 @@
"logger.disabled = True\n",
"\n",
"from memory.agent import HandcraftedAgent\n",
"import gym\n",
"import gymnasium as gym\n",
"import room_env"
]
},
Expand Down
2 changes: 1 addition & 1 deletion v0/handcrafted-single-agent.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -60,7 +60,7 @@
"source": [
"from tqdm.notebook import tqdm\n",
"import numpy as np\n",
"import gym\n",
"import gymnasium as gym\n",
"\n",
"env_params = {\n",
" \"room_size\": \"small\",\n",
Expand Down

0 comments on commit f3ef9fe

Please sign in to comment.